diff --git a/.gitattributes b/.gitattributes index a9e5623074d0ce4ac0ca25babbff02bf4cfd097d..a4e464354809cea3b2e3c7b8deb653cf9feef0bf 100644 --- a/.gitattributes +++ b/.gitattributes @@ -125,3 +125,4 @@ lm-evaluation-harness/wandb/run-20240605_062502-fvj55jrc/run-fvj55jrc.wandb filt lm-evaluation-harness/wandb/run-20240608_122925-vmbmpokf/run-vmbmpokf.wandb filter=lfs diff=lfs merge=lfs -text lm-evaluation-harness/wandb/run-20240605_110038-lwgnduuo/run-lwgnduuo.wandb filter=lfs diff=lfs merge=lfs -text lm-evaluation-harness/wandb/run-20240605_140919-mkdnls2x/run-mkdnls2x.wandb filter=lfs diff=lfs merge=lfs -text +lm-evaluation-harness/wandb/run-20240605_093020-laxetjfu/run-laxetjfu.wandb filter=lfs diff=lfs merge=lfs -text diff --git a/lm-evaluation-harness/scripts/__init__.py b/lm-evaluation-harness/scripts/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/lm-evaluation-harness/scripts/build_benchmark.py b/lm-evaluation-harness/scripts/build_benchmark.py new file mode 100644 index 0000000000000000000000000000000000000000..fc99b5ec37c6979bf55f6a1ac0ea6808fd0e539f --- /dev/null +++ b/lm-evaluation-harness/scripts/build_benchmark.py @@ -0,0 +1,61 @@ +import argparse +import os + +import yaml +from promptsource.templates import DatasetTemplates +from tqdm import tqdm + +# from lm_eval.api.registry import ALL_TASKS +from lm_eval.logger import eval_logger + + +# from lm_eval.tasks import include_task_folder + + +def parse_args(): + parser = argparse.ArgumentParser() + parser.add_argument("--benchmark_name", required=True) + parser.add_argument("--benchmark_path", required=True) + parser.add_argument("--task_save_path", default="lm_eval/tasks/") + return parser.parse_args() + + +if __name__ == "__main__": + args = parse_args() + + with open(args.benchmark_path, encoding="utf-8") as file: + TASK_LIST = yaml.full_load(file) + for task in tqdm(TASK_LIST): + eval_logger.info(f"Processing {task}") + + dataset_name = task["dataset_path"] + if "dataset_name" in task: + subset_name = task["dataset_name"] + file_subdir = f"{dataset_name}/{subset_name}" + else: + subset_name = None + file_subdir = f"{dataset_name}" + + file_path = os.path.join(args.task_save_path, file_subdir, "promptsource/") + + os.makedirs(file_path, exist_ok=True) + + if subset_name is None: + prompts = DatasetTemplates(dataset_name=dataset_name) + else: + prompts = DatasetTemplates( + dataset_name=dataset_name, subset_name=subset_name + ) + + for idx, prompt_name in enumerate(prompts.all_template_names): + full_file_name = f"promptsource_{idx}.yaml" + config_dict = { + "group": args.benchmark_name, + "include": "promptsource_template.yaml", + "use_prompts": f"promptsource:{prompt_name}", + } + + file_save_path = os.path.join(file_path, full_file_name) + eval_logger.info(f"Save to {file_save_path}") + with open(file_save_path, "w", encoding="utf-8") as yaml_file: + yaml.dump(config_dict, yaml_file) diff --git a/lm-evaluation-harness/scripts/cost_estimate.py b/lm-evaluation-harness/scripts/cost_estimate.py new file mode 100644 index 0000000000000000000000000000000000000000..baf81147547b0a7a92e52904c70cb11d246f680b --- /dev/null +++ b/lm-evaluation-harness/scripts/cost_estimate.py @@ -0,0 +1,99 @@ +import random + +import transformers + +from lm_eval import evaluator, tasks +from lm_eval.api.model import LM + + +class DryrunLM(LM): + def __init__(self): + self.tokencost = 0 + self.tokenizer = transformers.GPT2TokenizerFast.from_pretrained("gpt2") + self.tokenizer.pad_token = "<|endoftext|>" + + @classmethod + def create_from_arg_string(cls, arg_string): + return cls() + + def loglikelihood(self, requests): + res = [] + + for ctx, cont in requests: + res.append((-random.random(), False)) + self.tokencost += len(self.tokenizer.tokenize(ctx + cont)) + + return res + + def generate_until(self, requests): + res = [] + + for ctx, _ in requests: + res.append("lol") + + # assume worst case - generates until 256 + self.tokencost += len(self.tokenizer.tokenize(ctx)) + 256 + + return res + + def loglikelihood_rolling(self, requests): + res = [] + + for (s,) in requests: + # assume worst case: extra full context + self.tokencost += len(self.tokenizer.tokenize(s)) + 2048 + + return res + + +def main(): + lm = DryrunLM() + + task_list = "arc_challenge,arc_easy,boolq,cola,copa,headqa,hellaswag,lambada,logiqa,mathqa,mc_taco,mrpc,multirc,openbookqa,piqa,prost,pubmedqa,qnli,qqp,race,record,rte,sciq,sst,triviaqa,webqs,wic,wikitext,winogrande,wnli,wsc" + values = [] + for taskname in task_list.split(","): + lm.tokencost = 0 + evaluator.simple_evaluate( + lm=lm, + task_dict={taskname: tasks.get_task(taskname)()}, + num_fewshot=0, + limit=None, + bootstrap_iters=10, + ) + + print(taskname, lm.tokencost) + values.append( + [ + taskname, + lm.tokencost, + lm.tokencost / 1000 * 0.0008, + lm.tokencost / 1000 * 0.0012, + lm.tokencost / 1000 * 0.006, + lm.tokencost / 1000 * 0.06, + ] + ) + from pytablewriter import MarkdownTableWriter + + writer = MarkdownTableWriter() + writer.headers = ["Task", "Tokens", "Ada", "Babbage", "Curie", "Davinci"] + + values.sort(key=lambda x: -x[1]) + totcost = sum([x[1] for x in values]) + values.append( + [ + "**Total**", + totcost, + totcost / 1000 * 0.0008, + totcost / 1000 * 0.0012, + totcost / 1000 * 0.006, + totcost / 1000 * 0.06, + ] + ) + + writer.value_matrix = values + + print(writer.dumps()) + + +if __name__ == "__main__": + main() diff --git a/lm-evaluation-harness/scripts/get_prompts.py b/lm-evaluation-harness/scripts/get_prompts.py new file mode 100644 index 0000000000000000000000000000000000000000..d262ec37e40f229c2009f9f162cc58834291de12 --- /dev/null +++ b/lm-evaluation-harness/scripts/get_prompts.py @@ -0,0 +1,25 @@ +from itertools import islice + +from lm_eval import tasks + + +ct = 3 + +for ( + tname, + Task, +) in tasks.TASK_REGISTRY.items(): # [('record', tasks.superglue.ReCoRD)]:# + task = Task() + + print("#", tname) + docs = islice( + task.validation_docs() if task.has_validation_docs() else task.test_docs(), ct + ) + print() + for i in range(ct): + print() + doc = next(docs) + print("**Context**:", "\n```\n" + task.doc_to_text(doc) + "\n```\n") + print() + print("**Target**:", "\n```\n" + task.doc_to_target(doc) + "\n```\n") + print() diff --git a/lm-evaluation-harness/scripts/make_table_results.py b/lm-evaluation-harness/scripts/make_table_results.py new file mode 100644 index 0000000000000000000000000000000000000000..2893c2b0e582e0f1ac61c34c7b49dde5e8cc80c6 --- /dev/null +++ b/lm-evaluation-harness/scripts/make_table_results.py @@ -0,0 +1,74 @@ +""" +Usage: + python make_table_tasks.py --output +""" +import json +import logging +import os + +from pytablewriter import LatexTableWriter, MarkdownTableWriter + + +logging.basicConfig(level=logging.INFO) +logger = logging.getLogger(__name__) + + +def make_table(result_dict): + """Generate table of results.""" + md_writer = MarkdownTableWriter() + latex_writer = LatexTableWriter() + md_writer.headers = ["Task", "Version", "Metric", "Value", "", "Stderr"] + latex_writer.headers = ["Task", "Version", "Metric", "Value", "", "Stderr"] + + values = [] + + for k, dic in sorted(result_dict["results"].items()): + version = result_dict["versions"][k] + percent = k == "squad2" + for m, v in dic.items(): + if m.endswith("_stderr"): + continue + + if m + "_stderr" in dic: + se = dic[m + "_stderr"] + if percent or m == "ppl": + values.append([k, version, m, "%.2f" % v, "±", "%.2f" % se]) + else: + values.append( + [k, version, m, "%.2f" % (v * 100), "±", "%.2f" % (se * 100)] + ) + else: + if percent or m == "ppl": + values.append([k, version, m, "%.2f" % v, "", ""]) + else: + values.append([k, version, m, "%.2f" % (v * 100), "", ""]) + k = "" + version = "" + md_writer.value_matrix = values + latex_writer.value_matrix = values + + # todo: make latex table look good + # print(latex_writer.dumps()) + + return md_writer.dumps() + + +if __name__ == "__main__": + # loop dirs and subdirs in results dir + # for each dir, load json files + for dirpath, dirnames, filenames in os.walk("../results"): + # skip dirs without files + if not filenames: + continue + path_readme = os.path.join(dirpath, "README.md") + with open(path_readme, "w", encoding="utf-8") as f: + # get path name, only last folder + path_name = dirpath.split("/")[-1] + f.write(f"# {path_name} \n\n") + for filename in sorted([f for f in filenames if f.endswith(".json")]): + path = os.path.join(dirpath, filename) + with open(path, "r", encoding="utf-8") as f: + result_dict = json.load(f) + with open(path_readme, "a", encoding="utf-8") as f: + f.write(f"## {filename} \n") + f.write(f"{make_table(result_dict)} \n") diff --git a/lm-evaluation-harness/scripts/make_table_tasks.py b/lm-evaluation-harness/scripts/make_table_tasks.py new file mode 100644 index 0000000000000000000000000000000000000000..0c8c44bc656c613df4a1cd9f7eca97638607a645 --- /dev/null +++ b/lm-evaluation-harness/scripts/make_table_tasks.py @@ -0,0 +1,54 @@ +""" +Usage: + python make_table_tasks.py --output +""" +import argparse +import logging + +from pytablewriter import MarkdownTableWriter + +from lm_eval import tasks + + +logging.basicConfig(level=logging.INFO) +logger = logging.getLogger(__name__) + + +def check(tf): + if tf: + return "✓" + else: + return " " + + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + parser.add_argument("--output", type=str, default="task_table.md") + args = parser.parse_args() + + writer = MarkdownTableWriter() + writer.headers = ["Task Name", "Train", "Val", "Test", "Val/Test Docs", "Metrics"] + values = [] + + tasks = tasks.TASK_REGISTRY.items() + tasks = sorted(tasks, key=lambda x: x[0]) + for tname, Task in tasks: + task = Task() + v = [ + tname, + check(task.has_training_docs()), + check(task.has_validation_docs()), + check(task.has_test_docs()), + len( + list( + task.test_docs() if task.has_test_docs() else task.validation_docs() + ) + ), + ", ".join(task.aggregation().keys()), + ] + logger.info(v) + values.append(v) + writer.value_matrix = values + table = writer.dumps() + with open(args.output, "w", encoding="utf-8") as f: + f.write(table) diff --git a/lm-evaluation-harness/scripts/requests_caching.py b/lm-evaluation-harness/scripts/requests_caching.py new file mode 100644 index 0000000000000000000000000000000000000000..2aaf323485606c61b435fe0f3ab5a6c97b5561b5 --- /dev/null +++ b/lm-evaluation-harness/scripts/requests_caching.py @@ -0,0 +1,92 @@ +""" +Usage: + python requests_caching.py --tasks=comma,separated,list,of,tasks --cache_requests= +""" + +import argparse +import os +from typing import List + +import torch +from transformers import ( + pipeline as trans_pipeline, +) + +from lm_eval import simple_evaluate +from lm_eval.evaluator import request_caching_arg_to_dict +from lm_eval.utils import eval_logger + + +MODULE_DIR = os.path.dirname(os.path.realpath(__file__)) + +# Used to specify alternate cache path, useful if run in a docker container +# NOTE raw datasets will break if you try to transfer the cache from your host to a docker image +LM_HARNESS_CACHE_PATH = os.getenv("LM_HARNESS_CACHE_PATH") + + +DEVICE = "cuda" if torch.cuda.is_available() else "cpu" + +MODEL = "EleutherAI/pythia-70m" + +TASK = "text-generation" + + +def run_model_for_task_caching(tasks: List[str], cache_requests: str): + eval_logger.info(f"Loading HF model: {MODEL}") + + trans_pipe = trans_pipeline( + task=TASK, model=MODEL, device=DEVICE, trust_remote_code=True + ) + + model = trans_pipe.model + tokenizer = trans_pipe.tokenizer + + eval_logger.info( + f"Running simple_evaluate to cache request objects for tasks: {tasks}" + ) + + cache_args = request_caching_arg_to_dict(cache_requests=cache_requests) + + eval_logger.info( + f"The following operations will be performed on the cache: {cache_requests}" + ) + + eval_data = simple_evaluate( + model="hf-auto", + model_args={ + "pretrained": model, + "tokenizer": tokenizer, + }, + limit=1, + device=DEVICE, + tasks=tasks, + write_out=True, + **cache_args, + ) + + return eval_data + + +if __name__ == "__main__": + parser = argparse.ArgumentParser() + parser.add_argument( + "--tasks", + "-t", + default=None, + metavar="task1,task2", + ) + parser.add_argument( + "--cache_requests", + type=str, + default=None, + choices=["true", "refresh", "delete"], + help="Speed up evaluation by caching the building of dataset requests. `None` if not caching.", + ) + + args = parser.parse_args() + + tasks = args.tasks.split(",") + + eval_data = run_model_for_task_caching( + tasks=tasks, model=MODEL, device=DEVICE, cache_requests=args.cache_requests + ) diff --git a/lm-evaluation-harness/scripts/write_out.py b/lm-evaluation-harness/scripts/write_out.py new file mode 100644 index 0000000000000000000000000000000000000000..abbfb46832dcd42815c2981dff3dbf992e54ef07 --- /dev/null +++ b/lm-evaluation-harness/scripts/write_out.py @@ -0,0 +1,92 @@ +import argparse +import os +import random + +import numpy as np + +from lm_eval import tasks +from lm_eval.tasks import TaskManager +from lm_eval.utils import eval_logger, join_iters + + +EXAMPLE_DIVIDER = "!!@@##@@!! -- Example {i}\n" + + +def parse_args(): + parser = argparse.ArgumentParser() + parser.add_argument("--output_base_path", "--output_path", required=True) + parser.add_argument("--tasks", default="all_tasks") + parser.add_argument("--sets", type=str, default="val") # example: val,test + parser.add_argument("--num_fewshot", type=int, default=1) + parser.add_argument("--seed", type=int, default=42) + parser.add_argument("--num_examples", type=int, default=1) + parser.add_argument( + "--include_path", + type=str, + default=None, + help="Additional path to include if there are external tasks to include.", + ) + parser.add_argument( + "--verbosity", + type=str, + default="INFO", + help="Log error when tasks are not registered.", + ) + return parser.parse_args() + + +def main(): + args = parse_args() + np.random.seed(args.seed) + + if args.include_path is not None: + eval_logger.info(f"Including path: {args.include_path}") + + task_manager = TaskManager(args.verbosity, include_path=args.include_path) + + if args.tasks == "all_tasks": + task_names = task_manager.all_tasks + else: + task_names = args.tasks.split(",") + task_dict = tasks.get_task_dict(task_names, task_manager) + + os.makedirs(args.output_base_path, exist_ok=True) + for task_name, task in task_dict.items(): + if isinstance(task, tuple): + _, task = task + rnd = random.Random() + rnd.seed(args.seed) + + iters = [] + + for set in args.sets.split(","): + docs = None + if set == "train" and task.has_training_docs(): + docs = task.training_docs() + if set == "val" and task.has_validation_docs(): + docs = task.validation_docs() + if set == "test" and task.has_test_docs(): + docs = task.test_docs() + if docs is not None: + iters.append(docs) + + docs = join_iters(iters) + + with open( + os.path.join(args.output_base_path, task_name), "w", encoding="utf8" + ) as f: + for i, doc in ( + zip(range(args.num_examples), docs) + if args.num_examples > 0 + else enumerate(docs) + ): + f.write(EXAMPLE_DIVIDER.format(i=i)) + ctx = task.fewshot_context( + doc=doc, + num_fewshot=args.num_fewshot, + ) + f.write(ctx + "\n") + + +if __name__ == "__main__": + main() diff --git a/lm-evaluation-harness/scripts/zeno_visualize.py b/lm-evaluation-harness/scripts/zeno_visualize.py new file mode 100644 index 0000000000000000000000000000000000000000..5771f9d7a6d650441720e6bd54712c5dbe450262 --- /dev/null +++ b/lm-evaluation-harness/scripts/zeno_visualize.py @@ -0,0 +1,219 @@ +import argparse +import json +import os +import re +from pathlib import Path + +import pandas as pd +from zeno_client import ZenoClient, ZenoMetric + +from lm_eval.utils import eval_logger + + +def parse_args(): + parser = argparse.ArgumentParser( + description="Upload your data to the Zeno AI evaluation platform to visualize results. This requires a ZENO_API_KEY in your environment variables. The eleuther harness must be run with log_samples=True and an output_path set for data to be written to disk." + ) + parser.add_argument( + "--data_path", + required=True, + help="Where to find the results of the benchmarks that have been run. Uses the name of each subfolder as the model name.", + ) + parser.add_argument( + "--project_name", + required=True, + help="The name of the generated Zeno project.", + ) + return parser.parse_args() + + +def main(): + """Upload the results of your benchmark tasks to the Zeno AI evaluation platform. + + This scripts expects your results to live in a data folder where subfolders contain results of individual models. + """ + args = parse_args() + + client = ZenoClient(os.environ["ZENO_API_KEY"]) + + # Get all model subfolders from the parent data folder. + models = [ + os.path.basename(os.path.normpath(f)) + for f in os.scandir(Path(args.data_path)) + if f.is_dir() + ] + + assert len(models) > 0, "No model directories found in the data_path." + + tasks = set(tasks_for_model(models[0], args.data_path)) + + for model in models: # Make sure that all models have the same tasks. + old_tasks = tasks.copy() + task_count = len(tasks) + + model_tasks = tasks_for_model(model, args.data_path) + tasks.intersection(set(model_tasks)) + + if task_count != len(tasks): + eval_logger.warning( + f"All models must have the same tasks. {model} has tasks: {model_tasks} but have already recorded tasks: {old_tasks}. Taking intersection {tasks}" + ) + + assert ( + len(tasks) > 0 + ), "Must provide at least one task in common amongst models to compare." + + for task in tasks: + # Upload data for all models + for model_index, model in enumerate(models): + model_args = re.sub( + r"[\"<>:/\|\\?\*\[\]]+", + "__", + json.load( + open(Path(args.data_path, model, "results.json"), encoding="utf-8") + )["config"]["model_args"], + ) + with open( + Path(args.data_path, model, f"{model_args}_{task}.jsonl"), + "r", + encoding="utf-8", + ) as file: + data = json.loads(file.read()) + + configs = json.load( + open(Path(args.data_path, model, "results.json"), encoding="utf-8") + )["configs"] + config = configs[task] + + if model_index == 0: # Only need to assemble data for the first model + metrics = [] + for metric in config["metric_list"]: + metrics.append( + ZenoMetric( + name=metric["metric"], + type="mean", + columns=[metric["metric"]], + ) + ) + project = client.create_project( + name=args.project_name + (f"_{task}" if len(tasks) > 1 else ""), + view="text-classification", + metrics=metrics, + ) + project.upload_dataset( + generate_dataset(data, config), + id_column="id", + data_column="data", + label_column="labels", + ) + + project.upload_system( + generate_system_df(data, config), + name=model, + id_column="id", + output_column="output", + ) + + +def tasks_for_model(model: str, data_path: str): + """Get the tasks for a specific model. + + Args: + model (str): The name of the model. + data_path (str): The path to the data. + + Returns: + list: A list of tasks for the model. + """ + dir_path = Path(data_path, model) + config = ( + json.load(open(Path(dir_path, "results.json"), encoding="utf-8"))["configs"], + ) + return list(config[0].keys()) + + +def generate_dataset( + data, + config, +): + """Generate a Zeno dataset from evaluation data. + + Args: + data: The data to generate a dataset for. + config: The configuration of the task. + + Returns: + pd.Dataframe: A dataframe that is ready to be uploaded to Zeno. + """ + ids = [x["doc_id"] for x in data] + labels = [x["target"] for x in data] + instance = [""] * len(ids) + + if config["output_type"] == "loglikelihood": + instance = [x["arguments"][0][0] for x in data] + labels = [x["arguments"][0][1] for x in data] + elif config["output_type"] == "multiple_choice": + instance = [ + x["arguments"][0][0] + + "\n\n" + + "\n".join([f"- {y[1]}" for y in x["arguments"]]) + for x in data + ] + elif config["output_type"] == "loglikelihood_rolling": + instance = [x["arguments"][0][0] for x in data] + elif config["output_type"] == "generate_until": + instance = [x["arguments"][0][0] for x in data] + + return pd.DataFrame( + { + "id": ids, + "data": instance, + "input_len": [len(x) for x in instance], + "labels": labels, + "output_type": config["output_type"], + } + ) + + +def generate_system_df(data, config): + """Generate a dataframe for a specific system to be uploaded to Zeno. + + Args: + data: The data to generate a dataframe from. + config: The configuration of the task. + + Returns: + pd.Dataframe: A dataframe that is ready to be uploaded to Zeno as a system. + """ + ids = [x["doc_id"] for x in data] + system_dict = {"id": ids} + system_dict["output"] = [""] * len(ids) + + if config["output_type"] == "loglikelihood": + system_dict["output"] = [ + "correct" if x["filtered_resps"][0][1] is True else "incorrect" + for x in data + ] + elif config["output_type"] == "multiple_choice": + system_dict["output"] = [ + ", ".join([str(y[0]) for y in x["filtered_resps"]]) for x in data + ] + system_dict["num_answers"] = [len(x["filtered_resps"]) for x in data] + elif config["output_type"] == "loglikelihood_rolling": + system_dict["output"] = [str(x["filtered_resps"][0]) for x in data] + elif config["output_type"] == "generate_until": + system_dict["output"] = [str(x["filtered_resps"][0]) for x in data] + system_dict["output_length"] = [len(str(x["filtered_resps"][0])) for x in data] + + metrics = {} + for metric in config["metric_list"]: + if "aggregation" in metric and metric["aggregation"] == "mean": + metrics[metric["metric"]] = [x[metric["metric"]] for x in data] + + system_dict.update(metrics) + system_df = pd.DataFrame(system_dict) + return system_df + + +if __name__ == "__main__": + main() diff --git a/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/files/config.yaml b/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/files/config.yaml new file mode 100644 index 0000000000000000000000000000000000000000..3fba2107e20f91e50460e6f6f06ce47b9e93aeb8 --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/files/config.yaml @@ -0,0 +1,43 @@ +wandb_version: 1 + +_wandb: + desc: null + value: + python_version: 3.10.12 + cli_version: 0.17.0 + framework: huggingface + huggingface_version: 4.40.2 + is_jupyter_run: false + is_kaggle_kernel: false + start_time: 1715682654 + t: + 1: + - 1 + - 5 + - 11 + - 49 + - 51 + - 53 + - 55 + - 71 + - 98 + - 100 + 2: + - 1 + - 5 + - 11 + - 49 + - 51 + - 53 + - 55 + - 71 + - 98 + - 100 + 3: + - 23 + 4: 3.10.12 + 5: 0.17.0 + 6: 4.40.2 + 8: + - 5 + 13: linux-x86_64 diff --git a/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/files/output.log b/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/files/output.log new file mode 100644 index 0000000000000000000000000000000000000000..38fb55bae74ba83afd8776171504b1efa10fd749 --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/files/output.log @@ -0,0 +1,42 @@ + +2024-05-14:10:30:54,690 INFO [__main__.py:251] Verbosity set to INFO +2024-05-14:10:30:59,106 INFO [__main__.py:335] Selected Tasks: ['indiccopa-hi'] +2024-05-14:10:30:59,108 INFO [evaluator.py:131] Setting random seed to 0 | Setting numpy seed to 1234 | Setting torch manual seed to 1234 +2024-05-14:10:30:59,108 INFO [evaluator.py:177] Initializing hf model, with arguments: {'pretrained': '/data/cronscript/ckpts//hf_ckpt//global_step120'} +Traceback (most recent call last): + File "/usr/local/lib/python3.10/dist-packages/transformers/utils/hub.py", line 398, in cached_file + resolved_file = hf_hub_download( + File "/usr/local/lib/python3.10/dist-packages/huggingface_hub/utils/_validators.py", line 106, in _inner_fn + validate_repo_id(arg_value) + File "/usr/local/lib/python3.10/dist-packages/huggingface_hub/utils/_validators.py", line 154, in validate_repo_id + raise HFValidationError( +huggingface_hub.errors.HFValidationError: Repo id must be in the form 'repo_name' or 'namespace/repo_name': '/data/cronscript/ckpts//hf_ckpt//global_step120'. Use `repo_type` argument if needed. +The above exception was the direct cause of the following exception: +Traceback (most recent call last): + File "/usr/lib/python3.10/runpy.py", line 196, in _run_module_as_main + return _run_code(code, main_globals, None, + File "/usr/lib/python3.10/runpy.py", line 86, in _run_code + exec(code, run_globals) + File "/data/cronscript/lm-evaluation-harness/lm_eval/__main__.py", line 417, in + cli_evaluate() + File "/data/cronscript/lm-evaluation-harness/lm_eval/__main__.py", line 341, in cli_evaluate + results = evaluator.simple_evaluate( + File "/data/cronscript/lm-evaluation-harness/lm_eval/utils.py", line 288, in _wrapper + return fn(*args, **kwargs) + File "/data/cronscript/lm-evaluation-harness/lm_eval/evaluator.py", line 180, in simple_evaluate + lm = lm_eval.api.registry.get_model(model).create_from_arg_string( + File "/data/cronscript/lm-evaluation-harness/lm_eval/api/model.py", line 134, in create_from_arg_string + return cls(**args, **args2) + File "/data/cronscript/lm-evaluation-harness/lm_eval/models/huggingface.py", line 190, in __init__ + self._get_config( + File "/data/cronscript/lm-evaluation-harness/lm_eval/models/huggingface.py", line 471, in _get_config + self._config = transformers.AutoConfig.from_pretrained( + File "/usr/local/lib/python3.10/dist-packages/transformers/models/auto/configuration_auto.py", line 928, in from_pretrained + config_dict, unused_kwargs = PretrainedConfig.get_config_dict(pretrained_model_name_or_path, **kwargs) + File "/usr/local/lib/python3.10/dist-packages/transformers/configuration_utils.py", line 631, in get_config_dict + config_dict, kwargs = cls._get_config_dict(pretrained_model_name_or_path, **kwargs) + File "/usr/local/lib/python3.10/dist-packages/transformers/configuration_utils.py", line 686, in _get_config_dict + resolved_config_file = cached_file( + File "/usr/local/lib/python3.10/dist-packages/transformers/utils/hub.py", line 462, in cached_file + raise EnvironmentError( +OSError: Incorrect path_or_model_id: '/data/cronscript/ckpts//hf_ckpt//global_step120'. Please provide either the path to a local folder or the repo_id of a model on the Hub. \ No newline at end of file diff --git a/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/files/wandb-metadata.json b/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/files/wandb-metadata.json new file mode 100644 index 0000000000000000000000000000000000000000..e620d0fc3c97df91331317cbbc1c62d132b1e276 --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/files/wandb-metadata.json @@ -0,0 +1,810 @@ +{ + "os": "Linux-5.15.0-92-generic-x86_64-with-glibc2.35", + "python": "3.10.12", + "heartbeatAt": "2024-05-14T10:30:54.558191", + "startedAt": "2024-05-14T10:30:54.141204", + "docker": null, + "cuda": null, + "args": [ + "--model", + "hf", + "--model_args", + "pretrained=/data/cronscript/ckpts//hf_ckpt//global_step120", + "--tasks", + "indiccopa-hi", + "--batch_size", + "auto", + "--wandb_args", + "project=bharatgpt" + ], + "state": "running", + "program": "-m lm_eval.__main__", + "codePathLocal": null, + "git": { + "remote": "https://github.com/EleutherAI/lm-evaluation-harness", + "commit": null + }, + "email": null, + "root": "/data/cronscript/lm-evaluation-harness", + "host": "vizzhy-150-3", + "username": "root", + "executable": "/usr/bin/python3", + "cpu_count": 76, + "cpu_count_logical": 152, + "cpu_freq": { + "current": 3395.207467105263, + "min": 800.0, + "max": 3400.0 + }, + "cpu_freq_per_core": [ + { + "current": 3300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3300.003, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3300.044, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3282.404, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3291.531, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3319.546, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3319.557, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3319.985, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3293.123, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + } + ], + "disk": { + "/": { + "total": 866.4415092468262, + "used": 76.92245483398438 + } + }, + "memory": { + "total": 1007.5000267028809 + } +} diff --git a/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/logs/debug-internal.log b/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/logs/debug-internal.log new file mode 100644 index 0000000000000000000000000000000000000000..7d765141554bd7a6810362eb38962f0cdd443d1a --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/logs/debug-internal.log @@ -0,0 +1,181 @@ +2024-05-14 10:30:54,153 INFO StreamThr :8251 [internal.py:wandb_internal():85] W&B internal server running at pid: 8251, started at: 2024-05-14 10:30:54.152488 +2024-05-14 10:30:54,155 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: status +2024-05-14 10:30:54,156 INFO WriterThread:8251 [datastore.py:open_for_write():87] open: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/run-b5pto704.wandb +2024-05-14 10:30:54,157 DEBUG SenderThread:8251 [sender.py:send():378] send: header +2024-05-14 10:30:54,167 DEBUG SenderThread:8251 [sender.py:send():378] send: run +2024-05-14 10:30:54,378 INFO SenderThread:8251 [dir_watcher.py:__init__():211] watching files in: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/files +2024-05-14 10:30:54,378 INFO SenderThread:8251 [sender.py:_start_run_threads():1123] run started: b5pto704 with start time 1715682654.151998 +2024-05-14 10:30:54,386 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: check_version +2024-05-14 10:30:54,386 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: check_version +2024-05-14 10:30:54,474 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: run_start +2024-05-14 10:30:54,475 DEBUG HandlerThread:8251 [system_info.py:__init__():26] System info init +2024-05-14 10:30:54,475 DEBUG HandlerThread:8251 [system_info.py:__init__():41] System info init done +2024-05-14 10:30:54,475 INFO HandlerThread:8251 [system_monitor.py:start():194] Starting system monitor +2024-05-14 10:30:54,475 INFO SystemMonitor:8251 [system_monitor.py:_start():158] Starting system asset monitoring threads +2024-05-14 10:30:54,476 INFO HandlerThread:8251 [system_monitor.py:probe():214] Collecting system info +2024-05-14 10:30:54,476 INFO SystemMonitor:8251 [interfaces.py:start():188] Started cpu monitoring +2024-05-14 10:30:54,476 INFO SystemMonitor:8251 [interfaces.py:start():188] Started disk monitoring +2024-05-14 10:30:54,477 INFO SystemMonitor:8251 [interfaces.py:start():188] Started memory monitoring +2024-05-14 10:30:54,477 INFO SystemMonitor:8251 [interfaces.py:start():188] Started network monitoring +2024-05-14 10:30:54,558 DEBUG HandlerThread:8251 [system_info.py:probe():150] Probing system +2024-05-14 10:30:54,566 DEBUG HandlerThread:8251 [system_info.py:_probe_git():135] Probing git +2024-05-14 10:30:54,587 ERROR HandlerThread:8251 [gitlib.py:root():92] git root error: Cmd('git') failed due to: exit code(128) + cmdline: git rev-parse --show-toplevel + stderr: 'fatal: detected dubious ownership in repository at '/data/cronscript/lm-evaluation-harness' +To add an exception for this directory, call: + + git config --global --add safe.directory /data/cronscript/lm-evaluation-harness' +2024-05-14 10:30:54,587 DEBUG HandlerThread:8251 [system_info.py:_probe_git():143] Probing git done +2024-05-14 10:30:54,587 DEBUG HandlerThread:8251 [system_info.py:probe():198] Probing system done +2024-05-14 10:30:54,587 DEBUG HandlerThread:8251 [system_monitor.py:probe():223] {'os': 'Linux-5.15.0-92-generic-x86_64-with-glibc2.35', 'python': '3.10.12', 'heartbeatAt': '2024-05-14T10:30:54.558191', 'startedAt': '2024-05-14T10:30:54.141204', 'docker': None, 'cuda': None, 'args': ('--model', 'hf', '--model_args', 'pretrained=/data/cronscript/ckpts//hf_ckpt//global_step120', '--tasks', 'indiccopa-hi', '--batch_size', 'auto', '--wandb_args', 'project=bharatgpt'), 'state': 'running', 'program': '-m lm_eval.__main__', 'codePathLocal': None, 'git': {'remote': 'https://github.com/EleutherAI/lm-evaluation-harness', 'commit': None}, 'email': None, 'root': '/data/cronscript/lm-evaluation-harness', 'host': 'vizzhy-150-3', 'username': 'root', 'executable': '/usr/bin/python3', 'cpu_count': 76, 'cpu_count_logical': 152, 'cpu_freq': {'current': 3395.207467105263, 'min': 800.0, 'max': 3400.0}, 'cpu_freq_per_core': [{'current': 3300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3300.003, 'min': 800.0, 'max': 3400.0}, {'current': 3300.044, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3282.404, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3291.531, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3319.546, 'min': 800.0, 'max': 3400.0}, {'current': 3319.557, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3319.985, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3293.123, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}], 'disk': {'/': {'total': 866.4415092468262, 'used': 76.92245483398438}}, 'memory': {'total': 1007.5000267028809}} +2024-05-14 10:30:54,587 INFO HandlerThread:8251 [system_monitor.py:probe():224] Finished collecting system info +2024-05-14 10:30:54,587 INFO HandlerThread:8251 [system_monitor.py:probe():227] Publishing system info +2024-05-14 10:30:54,588 INFO HandlerThread:8251 [system_monitor.py:probe():229] Finished publishing system info +2024-05-14 10:30:54,592 DEBUG SenderThread:8251 [sender.py:send():378] send: files +2024-05-14 10:30:54,592 INFO SenderThread:8251 [sender.py:_save_file():1389] saving file wandb-metadata.json with policy now +2024-05-14 10:30:54,687 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: python_packages +2024-05-14 10:30:54,688 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: python_packages +2024-05-14 10:30:54,688 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: stop_status +2024-05-14 10:30:54,688 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: stop_status +2024-05-14 10:30:54,837 DEBUG SenderThread:8251 [sender.py:send():378] send: telemetry +2024-05-14 10:30:55,127 INFO wandb-upload_0:8251 [upload_job.py:push():130] Uploaded file /tmp/tmpttj_2qmlwandb/68xyj77w-wandb-metadata.json +2024-05-14 10:30:55,380 INFO Thread-12 :8251 [dir_watcher.py:_on_file_created():271] file/dir created: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/files/output.log +2024-05-14 10:30:55,380 INFO Thread-12 :8251 [dir_watcher.py:_on_file_created():271] file/dir created: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/files/wandb-metadata.json +2024-05-14 10:30:55,380 INFO Thread-12 :8251 [dir_watcher.py:_on_file_created():271] file/dir created: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/files/requirements.txt +2024-05-14 10:30:57,380 INFO Thread-12 :8251 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/files/output.log +2024-05-14 10:31:00,108 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: status_report +2024-05-14 10:31:00,224 DEBUG SenderThread:8251 [sender.py:send():378] send: exit +2024-05-14 10:31:00,225 INFO SenderThread:8251 [sender.py:send_exit():585] handling exit code: 1 +2024-05-14 10:31:00,225 INFO SenderThread:8251 [sender.py:send_exit():587] handling runtime: 5 +2024-05-14 10:31:00,226 INFO SenderThread:8251 [sender.py:_save_file():1389] saving file wandb-summary.json with policy end +2024-05-14 10:31:00,226 INFO SenderThread:8251 [sender.py:send_exit():593] send defer +2024-05-14 10:31:00,226 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:00,226 INFO HandlerThread:8251 [handler.py:handle_request_defer():184] handle defer: 0 +2024-05-14 10:31:00,226 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:00,227 INFO SenderThread:8251 [sender.py:send_request_defer():609] handle sender defer: 0 +2024-05-14 10:31:00,227 INFO SenderThread:8251 [sender.py:transition_state():613] send defer: 1 +2024-05-14 10:31:00,227 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:00,227 INFO HandlerThread:8251 [handler.py:handle_request_defer():184] handle defer: 1 +2024-05-14 10:31:00,227 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:00,227 INFO SenderThread:8251 [sender.py:send_request_defer():609] handle sender defer: 1 +2024-05-14 10:31:00,227 INFO SenderThread:8251 [sender.py:transition_state():613] send defer: 2 +2024-05-14 10:31:00,227 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:00,227 INFO HandlerThread:8251 [handler.py:handle_request_defer():184] handle defer: 2 +2024-05-14 10:31:00,227 INFO HandlerThread:8251 [system_monitor.py:finish():203] Stopping system monitor +2024-05-14 10:31:00,227 DEBUG SystemMonitor:8251 [system_monitor.py:_start():172] Starting system metrics aggregation loop +2024-05-14 10:31:00,227 DEBUG SystemMonitor:8251 [system_monitor.py:_start():179] Finished system metrics aggregation loop +2024-05-14 10:31:00,227 DEBUG SystemMonitor:8251 [system_monitor.py:_start():183] Publishing last batch of metrics +2024-05-14 10:31:00,228 INFO HandlerThread:8251 [interfaces.py:finish():200] Joined cpu monitor +2024-05-14 10:31:00,229 INFO HandlerThread:8251 [interfaces.py:finish():200] Joined disk monitor +2024-05-14 10:31:00,229 INFO HandlerThread:8251 [interfaces.py:finish():200] Joined memory monitor +2024-05-14 10:31:00,229 INFO HandlerThread:8251 [interfaces.py:finish():200] Joined network monitor +2024-05-14 10:31:00,229 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:00,229 INFO SenderThread:8251 [sender.py:send_request_defer():609] handle sender defer: 2 +2024-05-14 10:31:00,229 INFO SenderThread:8251 [sender.py:transition_state():613] send defer: 3 +2024-05-14 10:31:00,230 DEBUG SenderThread:8251 [sender.py:send():378] send: stats +2024-05-14 10:31:00,230 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:00,230 INFO HandlerThread:8251 [handler.py:handle_request_defer():184] handle defer: 3 +2024-05-14 10:31:00,230 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:00,230 INFO SenderThread:8251 [sender.py:send_request_defer():609] handle sender defer: 3 +2024-05-14 10:31:00,230 INFO SenderThread:8251 [sender.py:transition_state():613] send defer: 4 +2024-05-14 10:31:00,230 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:00,230 INFO HandlerThread:8251 [handler.py:handle_request_defer():184] handle defer: 4 +2024-05-14 10:31:00,231 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:00,231 INFO SenderThread:8251 [sender.py:send_request_defer():609] handle sender defer: 4 +2024-05-14 10:31:00,231 INFO SenderThread:8251 [sender.py:transition_state():613] send defer: 5 +2024-05-14 10:31:00,231 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:00,231 INFO HandlerThread:8251 [handler.py:handle_request_defer():184] handle defer: 5 +2024-05-14 10:31:00,231 DEBUG SenderThread:8251 [sender.py:send():378] send: summary +2024-05-14 10:31:00,231 INFO SenderThread:8251 [sender.py:_save_file():1389] saving file wandb-summary.json with policy end +2024-05-14 10:31:00,232 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:00,232 INFO SenderThread:8251 [sender.py:send_request_defer():609] handle sender defer: 5 +2024-05-14 10:31:00,232 INFO SenderThread:8251 [sender.py:transition_state():613] send defer: 6 +2024-05-14 10:31:00,232 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:00,232 INFO HandlerThread:8251 [handler.py:handle_request_defer():184] handle defer: 6 +2024-05-14 10:31:00,232 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:00,232 INFO SenderThread:8251 [sender.py:send_request_defer():609] handle sender defer: 6 +2024-05-14 10:31:00,234 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: status_report +2024-05-14 10:31:00,314 INFO SenderThread:8251 [sender.py:transition_state():613] send defer: 7 +2024-05-14 10:31:00,315 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:00,315 INFO HandlerThread:8251 [handler.py:handle_request_defer():184] handle defer: 7 +2024-05-14 10:31:00,315 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:00,315 INFO SenderThread:8251 [sender.py:send_request_defer():609] handle sender defer: 7 +2024-05-14 10:31:00,382 INFO Thread-12 :8251 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/files/config.yaml +2024-05-14 10:31:00,382 INFO Thread-12 :8251 [dir_watcher.py:_on_file_created():271] file/dir created: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/files/wandb-summary.json +2024-05-14 10:31:00,850 INFO SenderThread:8251 [sender.py:transition_state():613] send defer: 8 +2024-05-14 10:31:00,850 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:00,850 INFO HandlerThread:8251 [handler.py:handle_request_defer():184] handle defer: 8 +2024-05-14 10:31:00,851 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:00,851 INFO SenderThread:8251 [sender.py:send_request_defer():609] handle sender defer: 8 +2024-05-14 10:31:00,851 INFO SenderThread:8251 [job_builder.py:build():432] Attempting to build job artifact +2024-05-14 10:31:00,851 INFO SenderThread:8251 [job_builder.py:_get_source_type():576] no source found +2024-05-14 10:31:00,851 INFO SenderThread:8251 [sender.py:transition_state():613] send defer: 9 +2024-05-14 10:31:00,851 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:00,851 INFO HandlerThread:8251 [handler.py:handle_request_defer():184] handle defer: 9 +2024-05-14 10:31:00,851 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:00,851 INFO SenderThread:8251 [sender.py:send_request_defer():609] handle sender defer: 9 +2024-05-14 10:31:00,852 INFO SenderThread:8251 [dir_watcher.py:finish():358] shutting down directory watcher +2024-05-14 10:31:01,225 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: poll_exit +2024-05-14 10:31:01,383 INFO SenderThread:8251 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/files/output.log +2024-05-14 10:31:01,384 INFO SenderThread:8251 [dir_watcher.py:finish():388] scan: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/files +2024-05-14 10:31:01,384 INFO SenderThread:8251 [dir_watcher.py:finish():402] scan save: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/files/wandb-summary.json wandb-summary.json +2024-05-14 10:31:01,384 INFO SenderThread:8251 [dir_watcher.py:finish():402] scan save: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/files/config.yaml config.yaml +2024-05-14 10:31:01,385 INFO SenderThread:8251 [dir_watcher.py:finish():402] scan save: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/files/output.log output.log +2024-05-14 10:31:01,385 INFO SenderThread:8251 [dir_watcher.py:finish():402] scan save: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/files/wandb-metadata.json wandb-metadata.json +2024-05-14 10:31:01,386 INFO SenderThread:8251 [dir_watcher.py:finish():402] scan save: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/files/requirements.txt requirements.txt +2024-05-14 10:31:01,387 INFO SenderThread:8251 [sender.py:transition_state():613] send defer: 10 +2024-05-14 10:31:01,387 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: poll_exit +2024-05-14 10:31:01,388 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:01,389 INFO HandlerThread:8251 [handler.py:handle_request_defer():184] handle defer: 10 +2024-05-14 10:31:01,390 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:01,390 INFO SenderThread:8251 [sender.py:send_request_defer():609] handle sender defer: 10 +2024-05-14 10:31:01,390 INFO SenderThread:8251 [file_pusher.py:finish():169] shutting down file pusher +2024-05-14 10:31:01,627 INFO wandb-upload_0:8251 [upload_job.py:push():130] Uploaded file /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/files/wandb-summary.json +2024-05-14 10:31:01,821 INFO wandb-upload_1:8251 [upload_job.py:push():130] Uploaded file /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/files/config.yaml +2024-05-14 10:31:01,857 INFO wandb-upload_3:8251 [upload_job.py:push():130] Uploaded file /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/files/requirements.txt +2024-05-14 10:31:01,865 INFO wandb-upload_2:8251 [upload_job.py:push():130] Uploaded file /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/files/output.log +2024-05-14 10:31:02,065 INFO Thread-11 (_thread_body):8251 [sender.py:transition_state():613] send defer: 11 +2024-05-14 10:31:02,065 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:02,065 INFO HandlerThread:8251 [handler.py:handle_request_defer():184] handle defer: 11 +2024-05-14 10:31:02,066 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:02,066 INFO SenderThread:8251 [sender.py:send_request_defer():609] handle sender defer: 11 +2024-05-14 10:31:02,066 INFO SenderThread:8251 [file_pusher.py:join():175] waiting for file pusher +2024-05-14 10:31:02,066 INFO SenderThread:8251 [sender.py:transition_state():613] send defer: 12 +2024-05-14 10:31:02,066 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:02,066 INFO HandlerThread:8251 [handler.py:handle_request_defer():184] handle defer: 12 +2024-05-14 10:31:02,067 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:02,067 INFO SenderThread:8251 [sender.py:send_request_defer():609] handle sender defer: 12 +2024-05-14 10:31:02,067 INFO SenderThread:8251 [file_stream.py:finish():601] file stream finish called +2024-05-14 10:31:02,225 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: poll_exit +2024-05-14 10:31:02,286 INFO SenderThread:8251 [file_stream.py:finish():605] file stream finish is done +2024-05-14 10:31:02,286 INFO SenderThread:8251 [sender.py:transition_state():613] send defer: 13 +2024-05-14 10:31:02,286 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: poll_exit +2024-05-14 10:31:02,286 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:02,286 INFO HandlerThread:8251 [handler.py:handle_request_defer():184] handle defer: 13 +2024-05-14 10:31:02,286 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:02,286 INFO SenderThread:8251 [sender.py:send_request_defer():609] handle sender defer: 13 +2024-05-14 10:31:02,286 INFO SenderThread:8251 [sender.py:transition_state():613] send defer: 14 +2024-05-14 10:31:02,287 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:02,287 DEBUG SenderThread:8251 [sender.py:send():378] send: final +2024-05-14 10:31:02,287 INFO HandlerThread:8251 [handler.py:handle_request_defer():184] handle defer: 14 +2024-05-14 10:31:02,287 DEBUG SenderThread:8251 [sender.py:send():378] send: footer +2024-05-14 10:31:02,287 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:02,287 INFO SenderThread:8251 [sender.py:send_request_defer():609] handle sender defer: 14 +2024-05-14 10:31:02,288 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: poll_exit +2024-05-14 10:31:02,288 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: poll_exit +2024-05-14 10:31:02,288 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: poll_exit +2024-05-14 10:31:02,288 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: poll_exit +2024-05-14 10:31:02,288 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: server_info +2024-05-14 10:31:02,289 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: get_summary +2024-05-14 10:31:02,289 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: server_info +2024-05-14 10:31:02,290 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: sampled_history +2024-05-14 10:31:02,290 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: internal_messages +2024-05-14 10:31:02,350 INFO MainThread:8251 [wandb_run.py:_footer_history_summary_info():3994] rendering history +2024-05-14 10:31:02,350 INFO MainThread:8251 [wandb_run.py:_footer_history_summary_info():4026] rendering summary +2024-05-14 10:31:02,350 INFO MainThread:8251 [wandb_run.py:_footer_sync_info():3953] logging synced files +2024-05-14 10:31:02,350 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: shutdown +2024-05-14 10:31:02,351 INFO HandlerThread:8251 [handler.py:finish():882] shutting down handler +2024-05-14 10:31:03,289 INFO WriterThread:8251 [datastore.py:close():296] close: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/run-b5pto704.wandb +2024-05-14 10:31:03,350 INFO SenderThread:8251 [sender.py:finish():1545] shutting down sender +2024-05-14 10:31:03,350 INFO SenderThread:8251 [file_pusher.py:finish():169] shutting down file pusher +2024-05-14 10:31:03,350 INFO SenderThread:8251 [file_pusher.py:join():175] waiting for file pusher diff --git a/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/logs/debug.log b/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/logs/debug.log new file mode 100644 index 0000000000000000000000000000000000000000..f9b87467afd6bf44126ec4f49413100c07a34cc1 --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/logs/debug.log @@ -0,0 +1,29 @@ +2024-05-14 10:30:54,149 INFO MainThread:6967 [wandb_setup.py:_flush():76] Current SDK version is 0.17.0 +2024-05-14 10:30:54,149 INFO MainThread:6967 [wandb_setup.py:_flush():76] Configure stats pid to 6967 +2024-05-14 10:30:54,149 INFO MainThread:6967 [wandb_setup.py:_flush():76] Loading settings from /root/.config/wandb/settings +2024-05-14 10:30:54,149 INFO MainThread:6967 [wandb_setup.py:_flush():76] Loading settings from /data/cronscript/lm-evaluation-harness/wandb/settings +2024-05-14 10:30:54,149 INFO MainThread:6967 [wandb_setup.py:_flush():76] Loading settings from environment variables: {} +2024-05-14 10:30:54,149 INFO MainThread:6967 [wandb_setup.py:_flush():76] Applying setup settings: {'_disable_service': False} +2024-05-14 10:30:54,149 WARNING MainThread:6967 [wandb_setup.py:_flush():76] Could not find program at -m lm_eval.__main__ +2024-05-14 10:30:54,149 INFO MainThread:6967 [wandb_setup.py:_flush():76] Inferring run settings from compute environment: {'program_relpath': None, 'program': '-m lm_eval.__main__'} +2024-05-14 10:30:54,149 INFO MainThread:6967 [wandb_setup.py:_flush():76] Applying login settings: {} +2024-05-14 10:30:54,149 INFO MainThread:6967 [wandb_init.py:_log_setup():520] Logging user logs to /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/logs/debug.log +2024-05-14 10:30:54,149 INFO MainThread:6967 [wandb_init.py:_log_setup():521] Logging internal logs to /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/logs/debug-internal.log +2024-05-14 10:30:54,149 INFO MainThread:6967 [wandb_init.py:init():560] calling init triggers +2024-05-14 10:30:54,149 INFO MainThread:6967 [wandb_init.py:init():567] wandb.init called with sweep_config: {} +config: {} +2024-05-14 10:30:54,149 INFO MainThread:6967 [wandb_init.py:init():610] starting backend +2024-05-14 10:30:54,149 INFO MainThread:6967 [wandb_init.py:init():614] setting up manager +2024-05-14 10:30:54,151 INFO MainThread:6967 [backend.py:_multiprocessing_setup():105] multiprocessing start_methods=fork,spawn,forkserver, using: spawn +2024-05-14 10:30:54,151 INFO MainThread:6967 [wandb_init.py:init():622] backend started and connected +2024-05-14 10:30:54,155 INFO MainThread:6967 [wandb_init.py:init():711] updated telemetry +2024-05-14 10:30:54,166 INFO MainThread:6967 [wandb_init.py:init():744] communicating run to backend with 90.0 second timeout +2024-05-14 10:30:54,385 INFO MainThread:6967 [wandb_run.py:_on_init():2396] communicating current version +2024-05-14 10:30:54,469 INFO MainThread:6967 [wandb_run.py:_on_init():2405] got version response +2024-05-14 10:30:54,470 INFO MainThread:6967 [wandb_init.py:init():795] starting run threads in backend +2024-05-14 10:30:54,688 INFO MainThread:6967 [wandb_run.py:_console_start():2374] atexit reg +2024-05-14 10:30:54,688 INFO MainThread:6967 [wandb_run.py:_redirect():2229] redirect: wrap_raw +2024-05-14 10:30:54,688 INFO MainThread:6967 [wandb_run.py:_redirect():2294] Wrapping output streams. +2024-05-14 10:30:54,688 INFO MainThread:6967 [wandb_run.py:_redirect():2319] Redirects installed. +2024-05-14 10:30:54,689 INFO MainThread:6967 [wandb_init.py:init():838] run started, returning control to user process +2024-05-14 10:31:03,351 WARNING MsgRouterThr:6967 [router.py:message_loop():77] message_loop has been closed diff --git a/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/run-b5pto704.wandb b/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/run-b5pto704.wandb new file mode 100644 index 0000000000000000000000000000000000000000..3e26c2977e3bad0acec4019becdf152e15003223 Binary files /dev/null and b/lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/run-b5pto704.wandb differ diff --git a/lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/files/output.log b/lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/files/output.log new file mode 100644 index 0000000000000000000000000000000000000000..2e9f03f3d02eea55d2a507e20c32a99b138e3c8f --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/files/output.log @@ -0,0 +1,42 @@ + +2024-05-14:10:31:17,623 INFO [__main__.py:251] Verbosity set to INFO +2024-05-14:10:31:22,022 INFO [__main__.py:335] Selected Tasks: ['indiccopa-hi'] +2024-05-14:10:31:22,025 INFO [evaluator.py:131] Setting random seed to 0 | Setting numpy seed to 1234 | Setting torch manual seed to 1234 +2024-05-14:10:31:22,025 INFO [evaluator.py:177] Initializing hf model, with arguments: {'pretrained': '/data/cronscript/ckpts//hf_ckpt//global_step20'} +Traceback (most recent call last): + File "/usr/local/lib/python3.10/dist-packages/transformers/utils/hub.py", line 398, in cached_file + resolved_file = hf_hub_download( + File "/usr/local/lib/python3.10/dist-packages/huggingface_hub/utils/_validators.py", line 106, in _inner_fn + validate_repo_id(arg_value) + File "/usr/local/lib/python3.10/dist-packages/huggingface_hub/utils/_validators.py", line 154, in validate_repo_id + raise HFValidationError( +huggingface_hub.errors.HFValidationError: Repo id must be in the form 'repo_name' or 'namespace/repo_name': '/data/cronscript/ckpts//hf_ckpt//global_step20'. Use `repo_type` argument if needed. +The above exception was the direct cause of the following exception: +Traceback (most recent call last): + File "/usr/lib/python3.10/runpy.py", line 196, in _run_module_as_main + return _run_code(code, main_globals, None, + File "/usr/lib/python3.10/runpy.py", line 86, in _run_code + exec(code, run_globals) + File "/data/cronscript/lm-evaluation-harness/lm_eval/__main__.py", line 417, in + cli_evaluate() + File "/data/cronscript/lm-evaluation-harness/lm_eval/__main__.py", line 341, in cli_evaluate + results = evaluator.simple_evaluate( + File "/data/cronscript/lm-evaluation-harness/lm_eval/utils.py", line 288, in _wrapper + return fn(*args, **kwargs) + File "/data/cronscript/lm-evaluation-harness/lm_eval/evaluator.py", line 180, in simple_evaluate + lm = lm_eval.api.registry.get_model(model).create_from_arg_string( + File "/data/cronscript/lm-evaluation-harness/lm_eval/api/model.py", line 134, in create_from_arg_string + return cls(**args, **args2) + File "/data/cronscript/lm-evaluation-harness/lm_eval/models/huggingface.py", line 190, in __init__ + self._get_config( + File "/data/cronscript/lm-evaluation-harness/lm_eval/models/huggingface.py", line 471, in _get_config + self._config = transformers.AutoConfig.from_pretrained( + File "/usr/local/lib/python3.10/dist-packages/transformers/models/auto/configuration_auto.py", line 928, in from_pretrained + config_dict, unused_kwargs = PretrainedConfig.get_config_dict(pretrained_model_name_or_path, **kwargs) + File "/usr/local/lib/python3.10/dist-packages/transformers/configuration_utils.py", line 631, in get_config_dict + config_dict, kwargs = cls._get_config_dict(pretrained_model_name_or_path, **kwargs) + File "/usr/local/lib/python3.10/dist-packages/transformers/configuration_utils.py", line 686, in _get_config_dict + resolved_config_file = cached_file( + File "/usr/local/lib/python3.10/dist-packages/transformers/utils/hub.py", line 462, in cached_file + raise EnvironmentError( +OSError: Incorrect path_or_model_id: '/data/cronscript/ckpts//hf_ckpt//global_step20'. Please provide either the path to a local folder or the repo_id of a model on the Hub. \ No newline at end of file diff --git a/lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/files/wandb-summary.json b/lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/files/wandb-summary.json new file mode 100644 index 0000000000000000000000000000000000000000..e682bae6b5eaeba8295fd0fffdc51474a259249e --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/files/wandb-summary.json @@ -0,0 +1 @@ +{"_wandb": {"runtime": 5}} \ No newline at end of file diff --git a/lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/logs/debug-internal.log b/lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/logs/debug-internal.log new file mode 100644 index 0000000000000000000000000000000000000000..c83e202f1c3fb93b89f93b276f4438b966473c29 --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/logs/debug-internal.log @@ -0,0 +1,181 @@ +2024-05-14 10:31:17,093 INFO StreamThr :9975 [internal.py:wandb_internal():85] W&B internal server running at pid: 9975, started at: 2024-05-14 10:31:17.092657 +2024-05-14 10:31:17,095 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: status +2024-05-14 10:31:17,096 INFO WriterThread:9975 [datastore.py:open_for_write():87] open: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/run-od8j0s5f.wandb +2024-05-14 10:31:17,097 DEBUG SenderThread:9975 [sender.py:send():378] send: header +2024-05-14 10:31:17,107 DEBUG SenderThread:9975 [sender.py:send():378] send: run +2024-05-14 10:31:17,321 INFO SenderThread:9975 [dir_watcher.py:__init__():211] watching files in: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/files +2024-05-14 10:31:17,321 INFO SenderThread:9975 [sender.py:_start_run_threads():1123] run started: od8j0s5f with start time 1715682677.092256 +2024-05-14 10:31:17,329 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: check_version +2024-05-14 10:31:17,329 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: check_version +2024-05-14 10:31:17,409 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: run_start +2024-05-14 10:31:17,410 DEBUG HandlerThread:9975 [system_info.py:__init__():26] System info init +2024-05-14 10:31:17,410 DEBUG HandlerThread:9975 [system_info.py:__init__():41] System info init done +2024-05-14 10:31:17,410 INFO HandlerThread:9975 [system_monitor.py:start():194] Starting system monitor +2024-05-14 10:31:17,411 INFO SystemMonitor:9975 [system_monitor.py:_start():158] Starting system asset monitoring threads +2024-05-14 10:31:17,411 INFO HandlerThread:9975 [system_monitor.py:probe():214] Collecting system info +2024-05-14 10:31:17,412 INFO SystemMonitor:9975 [interfaces.py:start():188] Started cpu monitoring +2024-05-14 10:31:17,412 INFO SystemMonitor:9975 [interfaces.py:start():188] Started disk monitoring +2024-05-14 10:31:17,412 INFO SystemMonitor:9975 [interfaces.py:start():188] Started memory monitoring +2024-05-14 10:31:17,413 INFO SystemMonitor:9975 [interfaces.py:start():188] Started network monitoring +2024-05-14 10:31:17,490 DEBUG HandlerThread:9975 [system_info.py:probe():150] Probing system +2024-05-14 10:31:17,498 DEBUG HandlerThread:9975 [system_info.py:_probe_git():135] Probing git +2024-05-14 10:31:17,518 ERROR HandlerThread:9975 [gitlib.py:root():92] git root error: Cmd('git') failed due to: exit code(128) + cmdline: git rev-parse --show-toplevel + stderr: 'fatal: detected dubious ownership in repository at '/data/cronscript/lm-evaluation-harness' +To add an exception for this directory, call: + + git config --global --add safe.directory /data/cronscript/lm-evaluation-harness' +2024-05-14 10:31:17,518 DEBUG HandlerThread:9975 [system_info.py:_probe_git():143] Probing git done +2024-05-14 10:31:17,518 DEBUG HandlerThread:9975 [system_info.py:probe():198] Probing system done +2024-05-14 10:31:17,518 DEBUG HandlerThread:9975 [system_monitor.py:probe():223] {'os': 'Linux-5.15.0-92-generic-x86_64-with-glibc2.35', 'python': '3.10.12', 'heartbeatAt': '2024-05-14T10:31:17.490805', 'startedAt': '2024-05-14T10:31:17.081811', 'docker': None, 'cuda': None, 'args': ('--model', 'hf', '--model_args', 'pretrained=/data/cronscript/ckpts//hf_ckpt//global_step20', '--tasks', 'indiccopa-hi', '--batch_size', 'auto', '--wandb_args', 'project=bharatgpt'), 'state': 'running', 'program': '-m lm_eval.__main__', 'codePathLocal': None, 'git': {'remote': 'https://github.com/EleutherAI/lm-evaluation-harness', 'commit': None}, 'email': None, 'root': '/data/cronscript/lm-evaluation-harness', 'host': 'vizzhy-150-3', 'username': 'root', 'executable': '/usr/bin/python3', 'cpu_count': 76, 'cpu_count_logical': 152, 'cpu_freq': {'current': 3394.453315789474, 'min': 800.0, 'max': 3400.0}, 'cpu_freq_per_core': [{'current': 3300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3243.929, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3300.004, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3299.996, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3299.996, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}], 'disk': {'/': {'total': 866.4415092468262, 'used': 76.92277145385742}}, 'memory': {'total': 1007.5000267028809}} +2024-05-14 10:31:17,519 INFO HandlerThread:9975 [system_monitor.py:probe():224] Finished collecting system info +2024-05-14 10:31:17,519 INFO HandlerThread:9975 [system_monitor.py:probe():227] Publishing system info +2024-05-14 10:31:17,520 INFO HandlerThread:9975 [system_monitor.py:probe():229] Finished publishing system info +2024-05-14 10:31:17,524 DEBUG SenderThread:9975 [sender.py:send():378] send: files +2024-05-14 10:31:17,524 INFO SenderThread:9975 [sender.py:_save_file():1389] saving file wandb-metadata.json with policy now +2024-05-14 10:31:17,619 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: python_packages +2024-05-14 10:31:17,620 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: python_packages +2024-05-14 10:31:17,620 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: stop_status +2024-05-14 10:31:17,620 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: stop_status +2024-05-14 10:31:17,805 DEBUG SenderThread:9975 [sender.py:send():378] send: telemetry +2024-05-14 10:31:18,020 INFO wandb-upload_0:9975 [upload_job.py:push():130] Uploaded file /tmp/tmprrn9nr02wandb/16kafu1i-wandb-metadata.json +2024-05-14 10:31:18,323 INFO Thread-12 :9975 [dir_watcher.py:_on_file_created():271] file/dir created: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/files/wandb-metadata.json +2024-05-14 10:31:18,324 INFO Thread-12 :9975 [dir_watcher.py:_on_file_created():271] file/dir created: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/files/output.log +2024-05-14 10:31:18,324 INFO Thread-12 :9975 [dir_watcher.py:_on_file_created():271] file/dir created: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/files/requirements.txt +2024-05-14 10:31:20,323 INFO Thread-12 :9975 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/files/output.log +2024-05-14 10:31:23,026 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: status_report +2024-05-14 10:31:23,151 DEBUG SenderThread:9975 [sender.py:send():378] send: exit +2024-05-14 10:31:23,151 INFO SenderThread:9975 [sender.py:send_exit():585] handling exit code: 1 +2024-05-14 10:31:23,151 INFO SenderThread:9975 [sender.py:send_exit():587] handling runtime: 5 +2024-05-14 10:31:23,152 INFO SenderThread:9975 [sender.py:_save_file():1389] saving file wandb-summary.json with policy end +2024-05-14 10:31:23,152 INFO SenderThread:9975 [sender.py:send_exit():593] send defer +2024-05-14 10:31:23,152 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:23,152 INFO HandlerThread:9975 [handler.py:handle_request_defer():184] handle defer: 0 +2024-05-14 10:31:23,152 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:23,152 INFO SenderThread:9975 [sender.py:send_request_defer():609] handle sender defer: 0 +2024-05-14 10:31:23,152 INFO SenderThread:9975 [sender.py:transition_state():613] send defer: 1 +2024-05-14 10:31:23,152 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:23,152 INFO HandlerThread:9975 [handler.py:handle_request_defer():184] handle defer: 1 +2024-05-14 10:31:23,153 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:23,153 INFO SenderThread:9975 [sender.py:send_request_defer():609] handle sender defer: 1 +2024-05-14 10:31:23,153 INFO SenderThread:9975 [sender.py:transition_state():613] send defer: 2 +2024-05-14 10:31:23,153 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:23,153 INFO HandlerThread:9975 [handler.py:handle_request_defer():184] handle defer: 2 +2024-05-14 10:31:23,153 INFO HandlerThread:9975 [system_monitor.py:finish():203] Stopping system monitor +2024-05-14 10:31:23,153 INFO HandlerThread:9975 [interfaces.py:finish():200] Joined cpu monitor +2024-05-14 10:31:23,153 DEBUG SystemMonitor:9975 [system_monitor.py:_start():172] Starting system metrics aggregation loop +2024-05-14 10:31:23,154 INFO HandlerThread:9975 [interfaces.py:finish():200] Joined disk monitor +2024-05-14 10:31:23,154 DEBUG SystemMonitor:9975 [system_monitor.py:_start():179] Finished system metrics aggregation loop +2024-05-14 10:31:23,154 INFO HandlerThread:9975 [interfaces.py:finish():200] Joined memory monitor +2024-05-14 10:31:23,154 DEBUG SystemMonitor:9975 [system_monitor.py:_start():183] Publishing last batch of metrics +2024-05-14 10:31:23,154 INFO HandlerThread:9975 [interfaces.py:finish():200] Joined network monitor +2024-05-14 10:31:23,156 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:23,156 INFO SenderThread:9975 [sender.py:send_request_defer():609] handle sender defer: 2 +2024-05-14 10:31:23,156 INFO SenderThread:9975 [sender.py:transition_state():613] send defer: 3 +2024-05-14 10:31:23,156 DEBUG SenderThread:9975 [sender.py:send():378] send: stats +2024-05-14 10:31:23,156 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:23,156 INFO HandlerThread:9975 [handler.py:handle_request_defer():184] handle defer: 3 +2024-05-14 10:31:23,157 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:23,157 INFO SenderThread:9975 [sender.py:send_request_defer():609] handle sender defer: 3 +2024-05-14 10:31:23,157 INFO SenderThread:9975 [sender.py:transition_state():613] send defer: 4 +2024-05-14 10:31:23,157 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:23,157 INFO HandlerThread:9975 [handler.py:handle_request_defer():184] handle defer: 4 +2024-05-14 10:31:23,157 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:23,157 INFO SenderThread:9975 [sender.py:send_request_defer():609] handle sender defer: 4 +2024-05-14 10:31:23,157 INFO SenderThread:9975 [sender.py:transition_state():613] send defer: 5 +2024-05-14 10:31:23,157 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:23,157 INFO HandlerThread:9975 [handler.py:handle_request_defer():184] handle defer: 5 +2024-05-14 10:31:23,157 DEBUG SenderThread:9975 [sender.py:send():378] send: summary +2024-05-14 10:31:23,158 INFO SenderThread:9975 [sender.py:_save_file():1389] saving file wandb-summary.json with policy end +2024-05-14 10:31:23,158 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:23,158 INFO SenderThread:9975 [sender.py:send_request_defer():609] handle sender defer: 5 +2024-05-14 10:31:23,158 INFO SenderThread:9975 [sender.py:transition_state():613] send defer: 6 +2024-05-14 10:31:23,158 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:23,158 INFO HandlerThread:9975 [handler.py:handle_request_defer():184] handle defer: 6 +2024-05-14 10:31:23,158 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:23,158 INFO SenderThread:9975 [sender.py:send_request_defer():609] handle sender defer: 6 +2024-05-14 10:31:23,160 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: status_report +2024-05-14 10:31:23,325 INFO Thread-12 :9975 [dir_watcher.py:_on_file_created():271] file/dir created: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/files/wandb-summary.json +2024-05-14 10:31:23,446 INFO SenderThread:9975 [sender.py:transition_state():613] send defer: 7 +2024-05-14 10:31:23,447 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:23,447 INFO HandlerThread:9975 [handler.py:handle_request_defer():184] handle defer: 7 +2024-05-14 10:31:23,447 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:23,447 INFO SenderThread:9975 [sender.py:send_request_defer():609] handle sender defer: 7 +2024-05-14 10:31:23,824 INFO SenderThread:9975 [sender.py:transition_state():613] send defer: 8 +2024-05-14 10:31:23,825 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:23,825 INFO HandlerThread:9975 [handler.py:handle_request_defer():184] handle defer: 8 +2024-05-14 10:31:23,825 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:23,825 INFO SenderThread:9975 [sender.py:send_request_defer():609] handle sender defer: 8 +2024-05-14 10:31:23,825 INFO SenderThread:9975 [job_builder.py:build():432] Attempting to build job artifact +2024-05-14 10:31:23,825 INFO SenderThread:9975 [job_builder.py:_get_source_type():576] no source found +2024-05-14 10:31:23,826 INFO SenderThread:9975 [sender.py:transition_state():613] send defer: 9 +2024-05-14 10:31:23,826 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:23,826 INFO HandlerThread:9975 [handler.py:handle_request_defer():184] handle defer: 9 +2024-05-14 10:31:23,826 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:23,826 INFO SenderThread:9975 [sender.py:send_request_defer():609] handle sender defer: 9 +2024-05-14 10:31:23,826 INFO SenderThread:9975 [dir_watcher.py:finish():358] shutting down directory watcher +2024-05-14 10:31:24,151 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: poll_exit +2024-05-14 10:31:24,326 INFO SenderThread:9975 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/files/config.yaml +2024-05-14 10:31:24,326 INFO SenderThread:9975 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/files/output.log +2024-05-14 10:31:24,326 INFO SenderThread:9975 [dir_watcher.py:finish():388] scan: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/files +2024-05-14 10:31:24,327 INFO SenderThread:9975 [dir_watcher.py:finish():402] scan save: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/files/output.log output.log +2024-05-14 10:31:24,327 INFO SenderThread:9975 [dir_watcher.py:finish():402] scan save: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/files/config.yaml config.yaml +2024-05-14 10:31:24,327 INFO SenderThread:9975 [dir_watcher.py:finish():402] scan save: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/files/wandb-metadata.json wandb-metadata.json +2024-05-14 10:31:24,327 INFO SenderThread:9975 [dir_watcher.py:finish():402] scan save: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/files/requirements.txt requirements.txt +2024-05-14 10:31:24,327 INFO SenderThread:9975 [dir_watcher.py:finish():402] scan save: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/files/wandb-summary.json wandb-summary.json +2024-05-14 10:31:24,327 INFO SenderThread:9975 [sender.py:transition_state():613] send defer: 10 +2024-05-14 10:31:24,330 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: poll_exit +2024-05-14 10:31:24,330 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:24,333 INFO HandlerThread:9975 [handler.py:handle_request_defer():184] handle defer: 10 +2024-05-14 10:31:24,333 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:24,333 INFO SenderThread:9975 [sender.py:send_request_defer():609] handle sender defer: 10 +2024-05-14 10:31:24,333 INFO SenderThread:9975 [file_pusher.py:finish():169] shutting down file pusher +2024-05-14 10:31:24,578 INFO wandb-upload_1:9975 [upload_job.py:push():130] Uploaded file /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/files/config.yaml +2024-05-14 10:31:24,733 INFO wandb-upload_0:9975 [upload_job.py:push():130] Uploaded file /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/files/output.log +2024-05-14 10:31:24,807 INFO wandb-upload_3:9975 [upload_job.py:push():130] Uploaded file /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/files/wandb-summary.json +2024-05-14 10:31:24,827 INFO wandb-upload_2:9975 [upload_job.py:push():130] Uploaded file /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/files/requirements.txt +2024-05-14 10:31:25,027 INFO Thread-11 (_thread_body):9975 [sender.py:transition_state():613] send defer: 11 +2024-05-14 10:31:25,027 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:25,027 INFO HandlerThread:9975 [handler.py:handle_request_defer():184] handle defer: 11 +2024-05-14 10:31:25,028 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:25,028 INFO SenderThread:9975 [sender.py:send_request_defer():609] handle sender defer: 11 +2024-05-14 10:31:25,028 INFO SenderThread:9975 [file_pusher.py:join():175] waiting for file pusher +2024-05-14 10:31:25,028 INFO SenderThread:9975 [sender.py:transition_state():613] send defer: 12 +2024-05-14 10:31:25,028 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:25,028 INFO HandlerThread:9975 [handler.py:handle_request_defer():184] handle defer: 12 +2024-05-14 10:31:25,028 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:25,028 INFO SenderThread:9975 [sender.py:send_request_defer():609] handle sender defer: 12 +2024-05-14 10:31:25,028 INFO SenderThread:9975 [file_stream.py:finish():601] file stream finish called +2024-05-14 10:31:25,151 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: poll_exit +2024-05-14 10:31:25,563 INFO SenderThread:9975 [file_stream.py:finish():605] file stream finish is done +2024-05-14 10:31:25,563 INFO SenderThread:9975 [sender.py:transition_state():613] send defer: 13 +2024-05-14 10:31:25,563 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: poll_exit +2024-05-14 10:31:25,563 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:25,563 INFO HandlerThread:9975 [handler.py:handle_request_defer():184] handle defer: 13 +2024-05-14 10:31:25,563 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:25,563 INFO SenderThread:9975 [sender.py:send_request_defer():609] handle sender defer: 13 +2024-05-14 10:31:25,564 INFO SenderThread:9975 [sender.py:transition_state():613] send defer: 14 +2024-05-14 10:31:25,564 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:25,564 DEBUG SenderThread:9975 [sender.py:send():378] send: final +2024-05-14 10:31:25,564 INFO HandlerThread:9975 [handler.py:handle_request_defer():184] handle defer: 14 +2024-05-14 10:31:25,564 DEBUG SenderThread:9975 [sender.py:send():378] send: footer +2024-05-14 10:31:25,564 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:25,564 INFO SenderThread:9975 [sender.py:send_request_defer():609] handle sender defer: 14 +2024-05-14 10:31:25,564 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: poll_exit +2024-05-14 10:31:25,564 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: poll_exit +2024-05-14 10:31:25,565 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: poll_exit +2024-05-14 10:31:25,565 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: server_info +2024-05-14 10:31:25,565 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: poll_exit +2024-05-14 10:31:25,565 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: server_info +2024-05-14 10:31:25,565 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: get_summary +2024-05-14 10:31:25,566 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: sampled_history +2024-05-14 10:31:25,566 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: internal_messages +2024-05-14 10:31:25,617 INFO MainThread:9975 [wandb_run.py:_footer_history_summary_info():3994] rendering history +2024-05-14 10:31:25,617 INFO MainThread:9975 [wandb_run.py:_footer_history_summary_info():4026] rendering summary +2024-05-14 10:31:25,617 INFO MainThread:9975 [wandb_run.py:_footer_sync_info():3953] logging synced files +2024-05-14 10:31:25,618 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: shutdown +2024-05-14 10:31:25,618 INFO HandlerThread:9975 [handler.py:finish():882] shutting down handler +2024-05-14 10:31:26,565 INFO WriterThread:9975 [datastore.py:close():296] close: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/run-od8j0s5f.wandb +2024-05-14 10:31:26,617 INFO SenderThread:9975 [sender.py:finish():1545] shutting down sender +2024-05-14 10:31:26,617 INFO SenderThread:9975 [file_pusher.py:finish():169] shutting down file pusher +2024-05-14 10:31:26,617 INFO SenderThread:9975 [file_pusher.py:join():175] waiting for file pusher diff --git a/lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/logs/debug.log b/lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/logs/debug.log new file mode 100644 index 0000000000000000000000000000000000000000..cf0a85e1e0ee32180b0742276ee56dc3c0678954 --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/logs/debug.log @@ -0,0 +1,28 @@ +2024-05-14 10:31:17,089 INFO MainThread:8786 [wandb_setup.py:_flush():76] Current SDK version is 0.17.0 +2024-05-14 10:31:17,089 INFO MainThread:8786 [wandb_setup.py:_flush():76] Configure stats pid to 8786 +2024-05-14 10:31:17,089 INFO MainThread:8786 [wandb_setup.py:_flush():76] Loading settings from /root/.config/wandb/settings +2024-05-14 10:31:17,089 INFO MainThread:8786 [wandb_setup.py:_flush():76] Loading settings from /data/cronscript/lm-evaluation-harness/wandb/settings +2024-05-14 10:31:17,089 INFO MainThread:8786 [wandb_setup.py:_flush():76] Loading settings from environment variables: {} +2024-05-14 10:31:17,089 INFO MainThread:8786 [wandb_setup.py:_flush():76] Applying setup settings: {'_disable_service': False} +2024-05-14 10:31:17,089 WARNING MainThread:8786 [wandb_setup.py:_flush():76] Could not find program at -m lm_eval.__main__ +2024-05-14 10:31:17,089 INFO MainThread:8786 [wandb_setup.py:_flush():76] Inferring run settings from compute environment: {'program_relpath': None, 'program': '-m lm_eval.__main__'} +2024-05-14 10:31:17,089 INFO MainThread:8786 [wandb_setup.py:_flush():76] Applying login settings: {} +2024-05-14 10:31:17,089 INFO MainThread:8786 [wandb_init.py:_log_setup():520] Logging user logs to /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/logs/debug.log +2024-05-14 10:31:17,089 INFO MainThread:8786 [wandb_init.py:_log_setup():521] Logging internal logs to /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/logs/debug-internal.log +2024-05-14 10:31:17,089 INFO MainThread:8786 [wandb_init.py:init():560] calling init triggers +2024-05-14 10:31:17,089 INFO MainThread:8786 [wandb_init.py:init():567] wandb.init called with sweep_config: {} +config: {} +2024-05-14 10:31:17,089 INFO MainThread:8786 [wandb_init.py:init():610] starting backend +2024-05-14 10:31:17,089 INFO MainThread:8786 [wandb_init.py:init():614] setting up manager +2024-05-14 10:31:17,091 INFO MainThread:8786 [backend.py:_multiprocessing_setup():105] multiprocessing start_methods=fork,spawn,forkserver, using: spawn +2024-05-14 10:31:17,092 INFO MainThread:8786 [wandb_init.py:init():622] backend started and connected +2024-05-14 10:31:17,096 INFO MainThread:8786 [wandb_init.py:init():711] updated telemetry +2024-05-14 10:31:17,106 INFO MainThread:8786 [wandb_init.py:init():744] communicating run to backend with 90.0 second timeout +2024-05-14 10:31:17,329 INFO MainThread:8786 [wandb_run.py:_on_init():2396] communicating current version +2024-05-14 10:31:17,404 INFO MainThread:8786 [wandb_run.py:_on_init():2405] got version response +2024-05-14 10:31:17,404 INFO MainThread:8786 [wandb_init.py:init():795] starting run threads in backend +2024-05-14 10:31:17,620 INFO MainThread:8786 [wandb_run.py:_console_start():2374] atexit reg +2024-05-14 10:31:17,620 INFO MainThread:8786 [wandb_run.py:_redirect():2229] redirect: wrap_raw +2024-05-14 10:31:17,620 INFO MainThread:8786 [wandb_run.py:_redirect():2294] Wrapping output streams. +2024-05-14 10:31:17,620 INFO MainThread:8786 [wandb_run.py:_redirect():2319] Redirects installed. +2024-05-14 10:31:17,621 INFO MainThread:8786 [wandb_init.py:init():838] run started, returning control to user process diff --git a/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/files/config.yaml b/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/files/config.yaml new file mode 100644 index 0000000000000000000000000000000000000000..57e40fdeb557f8826a74919741b8f08236b8c7ad --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/files/config.yaml @@ -0,0 +1,43 @@ +wandb_version: 1 + +_wandb: + desc: null + value: + python_version: 3.10.12 + cli_version: 0.17.0 + framework: huggingface + huggingface_version: 4.40.2 + is_jupyter_run: false + is_kaggle_kernel: false + start_time: 1715682677 + t: + 1: + - 1 + - 5 + - 11 + - 49 + - 51 + - 53 + - 55 + - 71 + - 98 + - 100 + 2: + - 1 + - 5 + - 11 + - 49 + - 51 + - 53 + - 55 + - 71 + - 98 + - 100 + 3: + - 23 + 4: 3.10.12 + 5: 0.17.0 + 6: 4.40.2 + 8: + - 5 + 13: linux-x86_64 diff --git a/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/files/requirements.txt b/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/files/requirements.txt new file mode 100644 index 0000000000000000000000000000000000000000..d63edd781bd5bdbb7f67523ac1ba9f0f1ed392dc --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/files/requirements.txt @@ -0,0 +1,163 @@ +DataProperty==1.0.1 +GitPython==3.1.43 +Jinja2==3.1.3 +Markdown==3.6 +MarkupSafe==2.1.5 +Pillow-SIMD==7.0.0.post3 +PyYAML==6.0 +Werkzeug==3.0.2 +absl-py==2.1.0 +accelerate==0.30.1 +aiohttp==3.9.4 +aiosignal==1.3.1 +antlr4-python3-runtime==4.9.3 +anyio==4.3.0 +async-timeout==4.0.3 +attrs==23.2.0 +av==9.2.0 +cachetools==5.3.3 +certifi==2024.2.2 +cffi==1.15.1 +cfgv==3.4.0 +chardet==5.2.0 +charset-normalizer==3.3.2 +click==8.1.7 +cmake==3.29.2 +colorama==0.4.6 +datasets==2.19.1 +deepspeed==0.12.4+hpu.synapse.v1.15.1 +dill==0.3.8 +distlib==0.3.8 +distro==1.9.0 +docker-pycreds==0.4.0 +einops==0.8.0 +evaluate==0.4.2 +exceptiongroup==1.2.0 +expecttest==0.2.1 +filelock==3.13.4 +frozenlist==1.4.1 +fsspec==2024.3.1 +gitdb==4.0.11 +google-auth-oauthlib==0.4.6 +google-auth==2.29.0 +grpcio==1.62.1 +h11==0.14.0 +habana-media-loader==1.15.1.15 +habana-pyhlml==1.15.1.15 +habana-torch-dataloader==1.15.1.15 +habana-torch-plugin==1.15.1.15 +habana_gpu_migration==1.15.1.15 +habana_quantization_toolkit==1.15.1.15 +hjson==3.1.0 +httpcore==1.0.5 +httpx==0.27.0 +huggingface-hub==0.23.0 +identify==2.5.35 +idna==3.7 +importlib_resources==6.4.0 +iniconfig==2.0.0 +joblib==1.4.2 +jsonlines==4.0.0 +lightning-habana==1.4.0 +lightning-utilities==0.11.2 +lightning==2.2.0.post0 +lm_eval==0.3.0 +lm_eval==0.4.2 +lm_eval==0.4.2 +lm_eval==0.4.2 +mbstrdecoder==1.1.3 +more-itertools==10.2.0 +mpi4py==3.1.4 +mpmath==1.3.0 +multidict==6.0.5 +multiprocess==0.70.16 +networkx==3.3 +ninja==1.11.1.1 +nltk==3.8.1 +nodeenv==1.8.0 +numexpr==2.10.0 +numpy==1.23.5 +oauthlib==3.2.2 +omegaconf==2.3.0 +openai==1.29.0 +packaging==24.0 +pandas==2.0.1 +pathspec==0.12.1 +pathvalidate==3.2.0 +peft==0.10.0 +perfetto==0.7.0 +pip==22.0.2 +pip==23.3.1 +platformdirs==4.2.0 +pluggy==1.4.0 +portalocker==2.8.2 +pre-commit==3.3.3 +protobuf==3.20.3 +psutil==5.9.8 +py-cpuinfo==9.0.0 +pyarrow-hotfix==0.6 +pyarrow==16.0.0 +pyasn1==0.6.0 +pyasn1_modules==0.4.0 +pybind11==2.10.4 +pycountry==23.12.11 +pycparser==2.22 +pydantic==1.10.13 +pynvml==8.0.4 +pytablewriter==1.2.0 +pytest==8.1.1 +python-dateutil==2.9.0.post0 +pytorch-lightning==2.2.2 +pytz==2024.1 +regex==2023.5.5 +requests-oauthlib==2.0.0 +requests==2.31.0 +rouge_score==0.1.2 +rsa==4.9 +sacrebleu==1.5.0 +safetensors==0.4.3 +scikit-learn==1.4.2 +scipy==1.13.0 +sentencepiece==0.2.0 +sentry-sdk==2.1.1 +setproctitle==1.3.3 +setuptools==59.6.0 +setuptools==69.5.1 +six==1.16.0 +smmap==5.0.1 +sniffio==1.3.1 +sqlitedict==2.1.0 +symengine==0.11.0 +sympy==1.12 +tabledata==1.3.3 +tcolorpy==0.1.6 +tdqm==0.0.1 +tensorboard-data-server==0.6.1 +tensorboard-plugin-wit==1.8.1 +tensorboard==2.11.2 +threadpoolctl==3.5.0 +tokenizers==0.19.1 +tomli==2.0.1 +torch==2.2.0a0+git8964477 +torch_tb_profiler==0.4.0 +torchaudio==2.2.0+08901ad +torchdata==0.7.1+5e6f7b7 +torchmetrics==1.3.2 +torchtext==0.17.0+400da5c +torchvision==0.17.0+b2383d4 +tqdm-multiprocess==0.0.11 +tqdm==4.66.2 +transformers==4.40.2 +typepy==1.3.2 +typing_extensions==4.11.0 +tzdata==2024.1 +urllib3==1.26.18 +virtualenv==20.25.1 +wandb==0.17.0 +wheel==0.37.1 +wheel==0.43.0 +word2number==1.1 +xxhash==3.4.1 +yamllint==1.35.1 +yarl==1.9.4 +zstandard==0.22.0 \ No newline at end of file diff --git a/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/files/wandb-metadata.json b/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/files/wandb-metadata.json new file mode 100644 index 0000000000000000000000000000000000000000..34939dfec659b263542e9cccf2b0c9fd6a97f8fa --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/files/wandb-metadata.json @@ -0,0 +1,810 @@ +{ + "os": "Linux-5.15.0-92-generic-x86_64-with-glibc2.35", + "python": "3.10.12", + "heartbeatAt": "2024-05-14T10:31:17.463069", + "startedAt": "2024-05-14T10:31:17.025146", + "docker": null, + "cuda": null, + "args": [ + "--model", + "hf", + "--model_args", + "pretrained=/data/cronscript/ckpts//hf_ckpt//global_step20", + "--tasks", + "indiccopa-hi", + "--batch_size", + "auto", + "--wandb_args", + "project=bharatgpt" + ], + "state": "running", + "program": "-m lm_eval.__main__", + "codePathLocal": null, + "git": { + "remote": "https://github.com/EleutherAI/lm-evaluation-harness", + "commit": null + }, + "email": null, + "root": "/data/cronscript/lm-evaluation-harness", + "host": "vizzhy-150-3", + "username": "root", + "executable": "/usr/bin/python3", + "cpu_count": 76, + "cpu_count_logical": 152, + "cpu_freq": { + "current": 3393.3466578947373, + "min": 800.0, + "max": 3400.0 + }, + "cpu_freq_per_core": [ + { + "current": 3300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3293.042, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3293.042, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3299.459, + "min": 800.0, + "max": 3400.0 + } + ], + "disk": { + "/": { + "total": 866.4415092468262, + "used": 76.9227523803711 + } + }, + "memory": { + "total": 1007.5000267028809 + } +} diff --git a/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/files/wandb-summary.json b/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/files/wandb-summary.json new file mode 100644 index 0000000000000000000000000000000000000000..e682bae6b5eaeba8295fd0fffdc51474a259249e --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/files/wandb-summary.json @@ -0,0 +1 @@ +{"_wandb": {"runtime": 5}} \ No newline at end of file diff --git a/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/logs/debug-internal.log b/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/logs/debug-internal.log new file mode 100644 index 0000000000000000000000000000000000000000..72451fe50d35f4ebc83fd56db8dd770c0f6f4c5e --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/logs/debug-internal.log @@ -0,0 +1,181 @@ +2024-05-14 10:31:17,036 INFO StreamThr :10007 [internal.py:wandb_internal():85] W&B internal server running at pid: 10007, started at: 2024-05-14 10:31:17.035554 +2024-05-14 10:31:17,038 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: status +2024-05-14 10:31:17,040 INFO WriterThread:10007 [datastore.py:open_for_write():87] open: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/run-ux3vtu8o.wandb +2024-05-14 10:31:17,041 DEBUG SenderThread:10007 [sender.py:send():378] send: header +2024-05-14 10:31:17,052 DEBUG SenderThread:10007 [sender.py:send():378] send: run +2024-05-14 10:31:17,286 INFO SenderThread:10007 [dir_watcher.py:__init__():211] watching files in: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/files +2024-05-14 10:31:17,286 INFO SenderThread:10007 [sender.py:_start_run_threads():1123] run started: ux3vtu8o with start time 1715682677.035565 +2024-05-14 10:31:17,293 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: check_version +2024-05-14 10:31:17,293 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: check_version +2024-05-14 10:31:17,376 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: run_start +2024-05-14 10:31:17,378 DEBUG HandlerThread:10007 [system_info.py:__init__():26] System info init +2024-05-14 10:31:17,378 DEBUG HandlerThread:10007 [system_info.py:__init__():41] System info init done +2024-05-14 10:31:17,378 INFO HandlerThread:10007 [system_monitor.py:start():194] Starting system monitor +2024-05-14 10:31:17,378 INFO SystemMonitor:10007 [system_monitor.py:_start():158] Starting system asset monitoring threads +2024-05-14 10:31:17,378 INFO HandlerThread:10007 [system_monitor.py:probe():214] Collecting system info +2024-05-14 10:31:17,378 INFO SystemMonitor:10007 [interfaces.py:start():188] Started cpu monitoring +2024-05-14 10:31:17,379 INFO SystemMonitor:10007 [interfaces.py:start():188] Started disk monitoring +2024-05-14 10:31:17,379 INFO SystemMonitor:10007 [interfaces.py:start():188] Started memory monitoring +2024-05-14 10:31:17,380 INFO SystemMonitor:10007 [interfaces.py:start():188] Started network monitoring +2024-05-14 10:31:17,463 DEBUG HandlerThread:10007 [system_info.py:probe():150] Probing system +2024-05-14 10:31:17,470 DEBUG HandlerThread:10007 [system_info.py:_probe_git():135] Probing git +2024-05-14 10:31:17,491 ERROR HandlerThread:10007 [gitlib.py:root():92] git root error: Cmd('git') failed due to: exit code(128) + cmdline: git rev-parse --show-toplevel + stderr: 'fatal: detected dubious ownership in repository at '/data/cronscript/lm-evaluation-harness' +To add an exception for this directory, call: + + git config --global --add safe.directory /data/cronscript/lm-evaluation-harness' +2024-05-14 10:31:17,491 DEBUG HandlerThread:10007 [system_info.py:_probe_git():143] Probing git done +2024-05-14 10:31:17,491 DEBUG HandlerThread:10007 [system_info.py:probe():198] Probing system done +2024-05-14 10:31:17,491 DEBUG HandlerThread:10007 [system_monitor.py:probe():223] {'os': 'Linux-5.15.0-92-generic-x86_64-with-glibc2.35', 'python': '3.10.12', 'heartbeatAt': '2024-05-14T10:31:17.463069', 'startedAt': '2024-05-14T10:31:17.025146', 'docker': None, 'cuda': None, 'args': ('--model', 'hf', '--model_args', 'pretrained=/data/cronscript/ckpts//hf_ckpt//global_step20', '--tasks', 'indiccopa-hi', '--batch_size', 'auto', '--wandb_args', 'project=bharatgpt'), 'state': 'running', 'program': '-m lm_eval.__main__', 'codePathLocal': None, 'git': {'remote': 'https://github.com/EleutherAI/lm-evaluation-harness', 'commit': None}, 'email': None, 'root': '/data/cronscript/lm-evaluation-harness', 'host': 'vizzhy-150-3', 'username': 'root', 'executable': '/usr/bin/python3', 'cpu_count': 76, 'cpu_count_logical': 152, 'cpu_freq': {'current': 3393.3466578947373, 'min': 800.0, 'max': 3400.0}, 'cpu_freq_per_core': [{'current': 3300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3293.042, 'min': 800.0, 'max': 3400.0}, {'current': 3293.042, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3299.459, 'min': 800.0, 'max': 3400.0}], 'disk': {'/': {'total': 866.4415092468262, 'used': 76.9227523803711}}, 'memory': {'total': 1007.5000267028809}} +2024-05-14 10:31:17,491 INFO HandlerThread:10007 [system_monitor.py:probe():224] Finished collecting system info +2024-05-14 10:31:17,491 INFO HandlerThread:10007 [system_monitor.py:probe():227] Publishing system info +2024-05-14 10:31:17,493 INFO HandlerThread:10007 [system_monitor.py:probe():229] Finished publishing system info +2024-05-14 10:31:17,496 DEBUG SenderThread:10007 [sender.py:send():378] send: files +2024-05-14 10:31:17,496 INFO SenderThread:10007 [sender.py:_save_file():1389] saving file wandb-metadata.json with policy now +2024-05-14 10:31:17,594 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: python_packages +2024-05-14 10:31:17,595 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: stop_status +2024-05-14 10:31:17,595 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: python_packages +2024-05-14 10:31:17,596 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: stop_status +2024-05-14 10:31:17,788 DEBUG SenderThread:10007 [sender.py:send():378] send: telemetry +2024-05-14 10:31:18,000 INFO wandb-upload_0:10007 [upload_job.py:push():130] Uploaded file /tmp/tmpw284c5ljwandb/g6b9xrox-wandb-metadata.json +2024-05-14 10:31:18,287 INFO Thread-12 :10007 [dir_watcher.py:_on_file_created():271] file/dir created: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/files/wandb-metadata.json +2024-05-14 10:31:18,287 INFO Thread-12 :10007 [dir_watcher.py:_on_file_created():271] file/dir created: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/files/output.log +2024-05-14 10:31:18,287 INFO Thread-12 :10007 [dir_watcher.py:_on_file_created():271] file/dir created: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/files/requirements.txt +2024-05-14 10:31:20,294 INFO Thread-12 :10007 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/files/output.log +2024-05-14 10:31:23,004 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: status_report +2024-05-14 10:31:23,074 DEBUG SenderThread:10007 [sender.py:send():378] send: exit +2024-05-14 10:31:23,074 INFO SenderThread:10007 [sender.py:send_exit():585] handling exit code: 1 +2024-05-14 10:31:23,074 INFO SenderThread:10007 [sender.py:send_exit():587] handling runtime: 5 +2024-05-14 10:31:23,075 INFO SenderThread:10007 [sender.py:_save_file():1389] saving file wandb-summary.json with policy end +2024-05-14 10:31:23,075 INFO SenderThread:10007 [sender.py:send_exit():593] send defer +2024-05-14 10:31:23,075 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:23,075 INFO HandlerThread:10007 [handler.py:handle_request_defer():184] handle defer: 0 +2024-05-14 10:31:23,075 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:23,075 INFO SenderThread:10007 [sender.py:send_request_defer():609] handle sender defer: 0 +2024-05-14 10:31:23,076 INFO SenderThread:10007 [sender.py:transition_state():613] send defer: 1 +2024-05-14 10:31:23,076 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:23,076 INFO HandlerThread:10007 [handler.py:handle_request_defer():184] handle defer: 1 +2024-05-14 10:31:23,076 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:23,076 INFO SenderThread:10007 [sender.py:send_request_defer():609] handle sender defer: 1 +2024-05-14 10:31:23,076 INFO SenderThread:10007 [sender.py:transition_state():613] send defer: 2 +2024-05-14 10:31:23,076 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:23,076 INFO HandlerThread:10007 [handler.py:handle_request_defer():184] handle defer: 2 +2024-05-14 10:31:23,076 INFO HandlerThread:10007 [system_monitor.py:finish():203] Stopping system monitor +2024-05-14 10:31:23,076 DEBUG SystemMonitor:10007 [system_monitor.py:_start():172] Starting system metrics aggregation loop +2024-05-14 10:31:23,076 DEBUG SystemMonitor:10007 [system_monitor.py:_start():179] Finished system metrics aggregation loop +2024-05-14 10:31:23,076 DEBUG SystemMonitor:10007 [system_monitor.py:_start():183] Publishing last batch of metrics +2024-05-14 10:31:23,077 INFO HandlerThread:10007 [interfaces.py:finish():200] Joined cpu monitor +2024-05-14 10:31:23,077 INFO HandlerThread:10007 [interfaces.py:finish():200] Joined disk monitor +2024-05-14 10:31:23,077 INFO HandlerThread:10007 [interfaces.py:finish():200] Joined memory monitor +2024-05-14 10:31:23,077 INFO HandlerThread:10007 [interfaces.py:finish():200] Joined network monitor +2024-05-14 10:31:23,077 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:23,077 INFO SenderThread:10007 [sender.py:send_request_defer():609] handle sender defer: 2 +2024-05-14 10:31:23,078 INFO SenderThread:10007 [sender.py:transition_state():613] send defer: 3 +2024-05-14 10:31:23,078 DEBUG SenderThread:10007 [sender.py:send():378] send: stats +2024-05-14 10:31:23,078 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:23,078 INFO HandlerThread:10007 [handler.py:handle_request_defer():184] handle defer: 3 +2024-05-14 10:31:23,078 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:23,078 INFO SenderThread:10007 [sender.py:send_request_defer():609] handle sender defer: 3 +2024-05-14 10:31:23,078 INFO SenderThread:10007 [sender.py:transition_state():613] send defer: 4 +2024-05-14 10:31:23,078 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:23,078 INFO HandlerThread:10007 [handler.py:handle_request_defer():184] handle defer: 4 +2024-05-14 10:31:23,078 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:23,078 INFO SenderThread:10007 [sender.py:send_request_defer():609] handle sender defer: 4 +2024-05-14 10:31:23,078 INFO SenderThread:10007 [sender.py:transition_state():613] send defer: 5 +2024-05-14 10:31:23,078 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:23,078 INFO HandlerThread:10007 [handler.py:handle_request_defer():184] handle defer: 5 +2024-05-14 10:31:23,078 DEBUG SenderThread:10007 [sender.py:send():378] send: summary +2024-05-14 10:31:23,080 INFO SenderThread:10007 [sender.py:_save_file():1389] saving file wandb-summary.json with policy end +2024-05-14 10:31:23,080 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:23,080 INFO SenderThread:10007 [sender.py:send_request_defer():609] handle sender defer: 5 +2024-05-14 10:31:23,080 INFO SenderThread:10007 [sender.py:transition_state():613] send defer: 6 +2024-05-14 10:31:23,080 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:23,080 INFO HandlerThread:10007 [handler.py:handle_request_defer():184] handle defer: 6 +2024-05-14 10:31:23,080 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:23,081 INFO SenderThread:10007 [sender.py:send_request_defer():609] handle sender defer: 6 +2024-05-14 10:31:23,083 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: status_report +2024-05-14 10:31:23,297 INFO Thread-12 :10007 [dir_watcher.py:_on_file_created():271] file/dir created: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/files/wandb-summary.json +2024-05-14 10:31:23,424 INFO SenderThread:10007 [sender.py:transition_state():613] send defer: 7 +2024-05-14 10:31:23,424 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:23,424 INFO HandlerThread:10007 [handler.py:handle_request_defer():184] handle defer: 7 +2024-05-14 10:31:23,424 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:23,424 INFO SenderThread:10007 [sender.py:send_request_defer():609] handle sender defer: 7 +2024-05-14 10:31:23,810 INFO SenderThread:10007 [sender.py:transition_state():613] send defer: 8 +2024-05-14 10:31:23,810 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:23,810 INFO HandlerThread:10007 [handler.py:handle_request_defer():184] handle defer: 8 +2024-05-14 10:31:23,810 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:23,810 INFO SenderThread:10007 [sender.py:send_request_defer():609] handle sender defer: 8 +2024-05-14 10:31:23,810 INFO SenderThread:10007 [job_builder.py:build():432] Attempting to build job artifact +2024-05-14 10:31:23,811 INFO SenderThread:10007 [job_builder.py:_get_source_type():576] no source found +2024-05-14 10:31:23,811 INFO SenderThread:10007 [sender.py:transition_state():613] send defer: 9 +2024-05-14 10:31:23,811 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:23,811 INFO HandlerThread:10007 [handler.py:handle_request_defer():184] handle defer: 9 +2024-05-14 10:31:23,811 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:23,811 INFO SenderThread:10007 [sender.py:send_request_defer():609] handle sender defer: 9 +2024-05-14 10:31:23,811 INFO SenderThread:10007 [dir_watcher.py:finish():358] shutting down directory watcher +2024-05-14 10:31:24,074 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: poll_exit +2024-05-14 10:31:24,299 INFO SenderThread:10007 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/files/output.log +2024-05-14 10:31:24,299 INFO SenderThread:10007 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/files/config.yaml +2024-05-14 10:31:24,299 INFO SenderThread:10007 [dir_watcher.py:finish():388] scan: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/files +2024-05-14 10:31:24,299 INFO SenderThread:10007 [dir_watcher.py:finish():402] scan save: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/files/wandb-metadata.json wandb-metadata.json +2024-05-14 10:31:24,299 INFO SenderThread:10007 [dir_watcher.py:finish():402] scan save: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/files/config.yaml config.yaml +2024-05-14 10:31:24,299 INFO SenderThread:10007 [dir_watcher.py:finish():402] scan save: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/files/requirements.txt requirements.txt +2024-05-14 10:31:24,299 INFO SenderThread:10007 [dir_watcher.py:finish():402] scan save: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/files/output.log output.log +2024-05-14 10:31:24,299 INFO SenderThread:10007 [dir_watcher.py:finish():402] scan save: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/files/wandb-summary.json wandb-summary.json +2024-05-14 10:31:24,302 INFO SenderThread:10007 [sender.py:transition_state():613] send defer: 10 +2024-05-14 10:31:24,303 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: poll_exit +2024-05-14 10:31:24,305 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:24,305 INFO HandlerThread:10007 [handler.py:handle_request_defer():184] handle defer: 10 +2024-05-14 10:31:24,305 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:24,305 INFO SenderThread:10007 [sender.py:send_request_defer():609] handle sender defer: 10 +2024-05-14 10:31:24,305 INFO SenderThread:10007 [file_pusher.py:finish():169] shutting down file pusher +2024-05-14 10:31:24,536 INFO wandb-upload_1:10007 [upload_job.py:push():130] Uploaded file /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/files/config.yaml +2024-05-14 10:31:24,697 INFO wandb-upload_0:10007 [upload_job.py:push():130] Uploaded file /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/files/requirements.txt +2024-05-14 10:31:24,803 INFO wandb-upload_3:10007 [upload_job.py:push():130] Uploaded file /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/files/wandb-summary.json +2024-05-14 10:31:24,814 INFO wandb-upload_2:10007 [upload_job.py:push():130] Uploaded file /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/files/output.log +2024-05-14 10:31:25,014 INFO Thread-11 (_thread_body):10007 [sender.py:transition_state():613] send defer: 11 +2024-05-14 10:31:25,014 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:25,015 INFO HandlerThread:10007 [handler.py:handle_request_defer():184] handle defer: 11 +2024-05-14 10:31:25,015 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:25,015 INFO SenderThread:10007 [sender.py:send_request_defer():609] handle sender defer: 11 +2024-05-14 10:31:25,015 INFO SenderThread:10007 [file_pusher.py:join():175] waiting for file pusher +2024-05-14 10:31:25,015 INFO SenderThread:10007 [sender.py:transition_state():613] send defer: 12 +2024-05-14 10:31:25,015 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:25,015 INFO HandlerThread:10007 [handler.py:handle_request_defer():184] handle defer: 12 +2024-05-14 10:31:25,015 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:25,015 INFO SenderThread:10007 [sender.py:send_request_defer():609] handle sender defer: 12 +2024-05-14 10:31:25,015 INFO SenderThread:10007 [file_stream.py:finish():601] file stream finish called +2024-05-14 10:31:25,074 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: poll_exit +2024-05-14 10:31:25,548 INFO SenderThread:10007 [file_stream.py:finish():605] file stream finish is done +2024-05-14 10:31:25,548 INFO SenderThread:10007 [sender.py:transition_state():613] send defer: 13 +2024-05-14 10:31:25,548 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: poll_exit +2024-05-14 10:31:25,548 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:25,548 INFO HandlerThread:10007 [handler.py:handle_request_defer():184] handle defer: 13 +2024-05-14 10:31:25,548 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:25,548 INFO SenderThread:10007 [sender.py:send_request_defer():609] handle sender defer: 13 +2024-05-14 10:31:25,549 INFO SenderThread:10007 [sender.py:transition_state():613] send defer: 14 +2024-05-14 10:31:25,549 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: defer +2024-05-14 10:31:25,549 DEBUG SenderThread:10007 [sender.py:send():378] send: final +2024-05-14 10:31:25,549 INFO HandlerThread:10007 [handler.py:handle_request_defer():184] handle defer: 14 +2024-05-14 10:31:25,549 DEBUG SenderThread:10007 [sender.py:send():378] send: footer +2024-05-14 10:31:25,549 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: defer +2024-05-14 10:31:25,549 INFO SenderThread:10007 [sender.py:send_request_defer():609] handle sender defer: 14 +2024-05-14 10:31:25,549 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: poll_exit +2024-05-14 10:31:25,549 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: poll_exit +2024-05-14 10:31:25,550 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: poll_exit +2024-05-14 10:31:25,550 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: server_info +2024-05-14 10:31:25,550 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: poll_exit +2024-05-14 10:31:25,550 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: server_info +2024-05-14 10:31:25,551 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: get_summary +2024-05-14 10:31:25,551 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: sampled_history +2024-05-14 10:31:25,551 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: internal_messages +2024-05-14 10:31:25,603 INFO MainThread:10007 [wandb_run.py:_footer_history_summary_info():3994] rendering history +2024-05-14 10:31:25,603 INFO MainThread:10007 [wandb_run.py:_footer_history_summary_info():4026] rendering summary +2024-05-14 10:31:25,603 INFO MainThread:10007 [wandb_run.py:_footer_sync_info():3953] logging synced files +2024-05-14 10:31:25,603 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: shutdown +2024-05-14 10:31:25,603 INFO HandlerThread:10007 [handler.py:finish():882] shutting down handler +2024-05-14 10:31:26,550 INFO WriterThread:10007 [datastore.py:close():296] close: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/run-ux3vtu8o.wandb +2024-05-14 10:31:26,603 INFO SenderThread:10007 [sender.py:finish():1545] shutting down sender +2024-05-14 10:31:26,603 INFO SenderThread:10007 [file_pusher.py:finish():169] shutting down file pusher +2024-05-14 10:31:26,603 INFO SenderThread:10007 [file_pusher.py:join():175] waiting for file pusher diff --git a/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/logs/debug.log b/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/logs/debug.log new file mode 100644 index 0000000000000000000000000000000000000000..1d070e4e9a6e3ee54dd8fe81087adb3b6a74e629 --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/logs/debug.log @@ -0,0 +1,28 @@ +2024-05-14 10:31:17,032 INFO MainThread:8784 [wandb_setup.py:_flush():76] Current SDK version is 0.17.0 +2024-05-14 10:31:17,032 INFO MainThread:8784 [wandb_setup.py:_flush():76] Configure stats pid to 8784 +2024-05-14 10:31:17,032 INFO MainThread:8784 [wandb_setup.py:_flush():76] Loading settings from /root/.config/wandb/settings +2024-05-14 10:31:17,032 INFO MainThread:8784 [wandb_setup.py:_flush():76] Loading settings from /data/cronscript/lm-evaluation-harness/wandb/settings +2024-05-14 10:31:17,032 INFO MainThread:8784 [wandb_setup.py:_flush():76] Loading settings from environment variables: {} +2024-05-14 10:31:17,032 INFO MainThread:8784 [wandb_setup.py:_flush():76] Applying setup settings: {'_disable_service': False} +2024-05-14 10:31:17,032 WARNING MainThread:8784 [wandb_setup.py:_flush():76] Could not find program at -m lm_eval.__main__ +2024-05-14 10:31:17,032 INFO MainThread:8784 [wandb_setup.py:_flush():76] Inferring run settings from compute environment: {'program_relpath': None, 'program': '-m lm_eval.__main__'} +2024-05-14 10:31:17,032 INFO MainThread:8784 [wandb_setup.py:_flush():76] Applying login settings: {} +2024-05-14 10:31:17,033 INFO MainThread:8784 [wandb_init.py:_log_setup():520] Logging user logs to /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/logs/debug.log +2024-05-14 10:31:17,033 INFO MainThread:8784 [wandb_init.py:_log_setup():521] Logging internal logs to /data/cronscript/lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/logs/debug-internal.log +2024-05-14 10:31:17,033 INFO MainThread:8784 [wandb_init.py:init():560] calling init triggers +2024-05-14 10:31:17,033 INFO MainThread:8784 [wandb_init.py:init():567] wandb.init called with sweep_config: {} +config: {} +2024-05-14 10:31:17,033 INFO MainThread:8784 [wandb_init.py:init():610] starting backend +2024-05-14 10:31:17,033 INFO MainThread:8784 [wandb_init.py:init():614] setting up manager +2024-05-14 10:31:17,034 INFO MainThread:8784 [backend.py:_multiprocessing_setup():105] multiprocessing start_methods=fork,spawn,forkserver, using: spawn +2024-05-14 10:31:17,035 INFO MainThread:8784 [wandb_init.py:init():622] backend started and connected +2024-05-14 10:31:17,040 INFO MainThread:8784 [wandb_init.py:init():711] updated telemetry +2024-05-14 10:31:17,051 INFO MainThread:8784 [wandb_init.py:init():744] communicating run to backend with 90.0 second timeout +2024-05-14 10:31:17,292 INFO MainThread:8784 [wandb_run.py:_on_init():2396] communicating current version +2024-05-14 10:31:17,371 INFO MainThread:8784 [wandb_run.py:_on_init():2405] got version response +2024-05-14 10:31:17,371 INFO MainThread:8784 [wandb_init.py:init():795] starting run threads in backend +2024-05-14 10:31:17,595 INFO MainThread:8784 [wandb_run.py:_console_start():2374] atexit reg +2024-05-14 10:31:17,595 INFO MainThread:8784 [wandb_run.py:_redirect():2229] redirect: wrap_raw +2024-05-14 10:31:17,595 INFO MainThread:8784 [wandb_run.py:_redirect():2294] Wrapping output streams. +2024-05-14 10:31:17,595 INFO MainThread:8784 [wandb_run.py:_redirect():2319] Redirects installed. +2024-05-14 10:31:17,597 INFO MainThread:8784 [wandb_init.py:init():838] run started, returning control to user process diff --git a/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/config.yaml b/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/config.yaml new file mode 100644 index 0000000000000000000000000000000000000000..5c1ac4e49694bcc5d68ae5be2d5f70da2044a198 --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/config.yaml @@ -0,0 +1,43 @@ +wandb_version: 1 + +_wandb: + desc: null + value: + python_version: 3.10.12 + cli_version: 0.17.0 + framework: huggingface + huggingface_version: 4.40.2 + is_jupyter_run: false + is_kaggle_kernel: false + start_time: 1715686900 + t: + 1: + - 1 + - 5 + - 11 + - 49 + - 51 + - 53 + - 55 + - 71 + - 98 + - 100 + 2: + - 1 + - 5 + - 11 + - 49 + - 51 + - 53 + - 55 + - 71 + - 98 + - 100 + 3: + - 23 + 4: 3.10.12 + 5: 0.17.0 + 6: 4.40.2 + 8: + - 5 + 13: linux-x86_64 diff --git a/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/output.log b/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/output.log new file mode 100644 index 0000000000000000000000000000000000000000..cd4a427db00015ada1dafe49d393a9f7b05c354e --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/output.log @@ -0,0 +1,28 @@ + +2024-05-14:11:41:40,940 INFO [__main__.py:251] Verbosity set to INFO +2024-05-14:11:41:46,726 INFO [__main__.py:335] Selected Tasks: ['indiccopa-hi'] +2024-05-14:11:41:46,728 INFO [evaluator.py:131] Setting random seed to 0 | Setting numpy seed to 1234 | Setting torch manual seed to 1234 +2024-05-14:11:41:46,728 INFO [evaluator.py:177] Initializing hf model, with arguments: {'pretrained': '/data/cronscript/ckpts//hf_ckpt//global_step100'} +/usr/local/lib/python3.10/dist-packages/habana_frameworks/torch/gpu_migration/core/register.py:145: UserWarning: "hpu:X" notation is not supported by Gaudi PyTorch intergration bridge. Please change to "hpu" without index (Triggered internally at /npu-stack/pytorch-integration/pytorch_helpers/lazy_to_backend.cpp:53.) + return func(*args, **kwargs) +/usr/local/lib/python3.10/dist-packages/habana_frameworks/torch/gpu_migration/torch/cuda/memory.py:36: UserWarning: No need to call empty_cache on HPU. It manages the memory internally in an effcient way. + warnings.warn( +/usr/local/lib/python3.10/dist-packages/habana_frameworks/torch/hpu/__init__.py:158: UserWarning: torch.hpu.setDeterministic is deprecated and will be removed in next release. Please use torch.use_deterministic_algorithms instead. + warnings.warn( +You are using the default legacy behaviour of the . This is expected, and simply means that the `legacy` (previous) behavior will be used so nothing changes for you. If you want to use the new behaviour, set `legacy=False`. This should only be set if you understand what it means, and thoroughly read the reason why this was added as explained in https://github.com/huggingface/transformers/pull/24565 +[2024-05-14 11:41:58,454] [INFO] [real_accelerator.py:178:get_accelerator] Setting ds_accelerator to hpu (auto detect) +2024-05-14:11:41:58,839 WARNING [task.py:763] [Task: indiccopa-hi] metric acc is defined, but aggregation is not. using default aggregation=mean +2024-05-14:11:41:58,839 WARNING [task.py:775] [Task: indiccopa-hi] metric acc is defined, but higher_is_better is not. using default higher_is_better=True +/usr/local/lib/python3.10/dist-packages/datasets/load.py:1486: FutureWarning: The repository for ai4bharat/IndicCOPA contains custom code which must be executed to correctly load the dataset. You can inspect the repository content at https://hf.co/datasets/ai4bharat/IndicCOPA +You can avoid this message in future by passing the argument `trust_remote_code=True`. +Passing `trust_remote_code=True` will be mandatory to load this dataset from the next major release of `datasets`. + warnings.warn( +2024-05-14:11:42:00,045 WARNING [task.py:322] [Task: indiccopa-hi] has_training_docs and has_validation_docs are False, using test_docs as fewshot_docs but this is not recommended. +2024-05-14:11:42:00,045 WARNING [task.py:322] [Task: indiccopa-hi] has_training_docs and has_validation_docs are False, using test_docs as fewshot_docs but this is not recommended. +2024-05-14:11:42:00,064 INFO [task.py:395] Building contexts for indiccopa-hi on rank 1... +100%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 56/56 [00:00<00:00, 108892.45it/s] +Passed argument batch_size = auto:1. Detecting largest batch size +2024-05-14:11:42:01,858 INFO [evaluator.py:379] Running loglikelihood requests +/usr/local/lib/python3.10/dist-packages/habana_frameworks/torch/gpu_migration/torch/cuda/memory.py:36: UserWarning: No need to call empty_cache on HPU. It manages the memory internally in an effcient way. + warnings.warn( +Determined largest batch size: 64 \ No newline at end of file diff --git a/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/requirements.txt b/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/requirements.txt new file mode 100644 index 0000000000000000000000000000000000000000..d63edd781bd5bdbb7f67523ac1ba9f0f1ed392dc --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/requirements.txt @@ -0,0 +1,163 @@ +DataProperty==1.0.1 +GitPython==3.1.43 +Jinja2==3.1.3 +Markdown==3.6 +MarkupSafe==2.1.5 +Pillow-SIMD==7.0.0.post3 +PyYAML==6.0 +Werkzeug==3.0.2 +absl-py==2.1.0 +accelerate==0.30.1 +aiohttp==3.9.4 +aiosignal==1.3.1 +antlr4-python3-runtime==4.9.3 +anyio==4.3.0 +async-timeout==4.0.3 +attrs==23.2.0 +av==9.2.0 +cachetools==5.3.3 +certifi==2024.2.2 +cffi==1.15.1 +cfgv==3.4.0 +chardet==5.2.0 +charset-normalizer==3.3.2 +click==8.1.7 +cmake==3.29.2 +colorama==0.4.6 +datasets==2.19.1 +deepspeed==0.12.4+hpu.synapse.v1.15.1 +dill==0.3.8 +distlib==0.3.8 +distro==1.9.0 +docker-pycreds==0.4.0 +einops==0.8.0 +evaluate==0.4.2 +exceptiongroup==1.2.0 +expecttest==0.2.1 +filelock==3.13.4 +frozenlist==1.4.1 +fsspec==2024.3.1 +gitdb==4.0.11 +google-auth-oauthlib==0.4.6 +google-auth==2.29.0 +grpcio==1.62.1 +h11==0.14.0 +habana-media-loader==1.15.1.15 +habana-pyhlml==1.15.1.15 +habana-torch-dataloader==1.15.1.15 +habana-torch-plugin==1.15.1.15 +habana_gpu_migration==1.15.1.15 +habana_quantization_toolkit==1.15.1.15 +hjson==3.1.0 +httpcore==1.0.5 +httpx==0.27.0 +huggingface-hub==0.23.0 +identify==2.5.35 +idna==3.7 +importlib_resources==6.4.0 +iniconfig==2.0.0 +joblib==1.4.2 +jsonlines==4.0.0 +lightning-habana==1.4.0 +lightning-utilities==0.11.2 +lightning==2.2.0.post0 +lm_eval==0.3.0 +lm_eval==0.4.2 +lm_eval==0.4.2 +lm_eval==0.4.2 +mbstrdecoder==1.1.3 +more-itertools==10.2.0 +mpi4py==3.1.4 +mpmath==1.3.0 +multidict==6.0.5 +multiprocess==0.70.16 +networkx==3.3 +ninja==1.11.1.1 +nltk==3.8.1 +nodeenv==1.8.0 +numexpr==2.10.0 +numpy==1.23.5 +oauthlib==3.2.2 +omegaconf==2.3.0 +openai==1.29.0 +packaging==24.0 +pandas==2.0.1 +pathspec==0.12.1 +pathvalidate==3.2.0 +peft==0.10.0 +perfetto==0.7.0 +pip==22.0.2 +pip==23.3.1 +platformdirs==4.2.0 +pluggy==1.4.0 +portalocker==2.8.2 +pre-commit==3.3.3 +protobuf==3.20.3 +psutil==5.9.8 +py-cpuinfo==9.0.0 +pyarrow-hotfix==0.6 +pyarrow==16.0.0 +pyasn1==0.6.0 +pyasn1_modules==0.4.0 +pybind11==2.10.4 +pycountry==23.12.11 +pycparser==2.22 +pydantic==1.10.13 +pynvml==8.0.4 +pytablewriter==1.2.0 +pytest==8.1.1 +python-dateutil==2.9.0.post0 +pytorch-lightning==2.2.2 +pytz==2024.1 +regex==2023.5.5 +requests-oauthlib==2.0.0 +requests==2.31.0 +rouge_score==0.1.2 +rsa==4.9 +sacrebleu==1.5.0 +safetensors==0.4.3 +scikit-learn==1.4.2 +scipy==1.13.0 +sentencepiece==0.2.0 +sentry-sdk==2.1.1 +setproctitle==1.3.3 +setuptools==59.6.0 +setuptools==69.5.1 +six==1.16.0 +smmap==5.0.1 +sniffio==1.3.1 +sqlitedict==2.1.0 +symengine==0.11.0 +sympy==1.12 +tabledata==1.3.3 +tcolorpy==0.1.6 +tdqm==0.0.1 +tensorboard-data-server==0.6.1 +tensorboard-plugin-wit==1.8.1 +tensorboard==2.11.2 +threadpoolctl==3.5.0 +tokenizers==0.19.1 +tomli==2.0.1 +torch==2.2.0a0+git8964477 +torch_tb_profiler==0.4.0 +torchaudio==2.2.0+08901ad +torchdata==0.7.1+5e6f7b7 +torchmetrics==1.3.2 +torchtext==0.17.0+400da5c +torchvision==0.17.0+b2383d4 +tqdm-multiprocess==0.0.11 +tqdm==4.66.2 +transformers==4.40.2 +typepy==1.3.2 +typing_extensions==4.11.0 +tzdata==2024.1 +urllib3==1.26.18 +virtualenv==20.25.1 +wandb==0.17.0 +wheel==0.37.1 +wheel==0.43.0 +word2number==1.1 +xxhash==3.4.1 +yamllint==1.35.1 +yarl==1.9.4 +zstandard==0.22.0 \ No newline at end of file diff --git a/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/wandb-metadata.json b/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/wandb-metadata.json new file mode 100644 index 0000000000000000000000000000000000000000..d538a5a2daff95a25f3ed7caefa4403e207964bd --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/wandb-metadata.json @@ -0,0 +1,810 @@ +{ + "os": "Linux-5.15.0-92-generic-x86_64-with-glibc2.35", + "python": "3.10.12", + "heartbeatAt": "2024-05-14T11:41:40.794361", + "startedAt": "2024-05-14T11:41:40.326948", + "docker": null, + "cuda": null, + "args": [ + "--model", + "hf", + "--model_args", + "pretrained=/data/cronscript/ckpts//hf_ckpt//global_step100", + "--tasks", + "indiccopa-hi", + "--batch_size", + "auto", + "--wandb_args", + "project=bharatgpt,group=global_step100" + ], + "state": "running", + "program": "-m lm_eval.__main__", + "codePathLocal": null, + "git": { + "remote": "https://github.com/EleutherAI/lm-evaluation-harness", + "commit": null + }, + "email": null, + "root": "/data/cronscript/lm-evaluation-harness", + "host": "vizzhy-150-3", + "username": "root", + "executable": "/usr/bin/python3", + "cpu_count": 76, + "cpu_count_logical": 152, + "cpu_freq": { + "current": 3388.940138157895, + "min": 800.0, + "max": 3400.0 + }, + "cpu_freq_per_core": [ + { + "current": 3278.25, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3278.268, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2406.421, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3212.324, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3278.329, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3255.574, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3289.283, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3277.405, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3258.617, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3232.106, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + } + ], + "disk": { + "/": { + "total": 866.4415092468262, + "used": 77.68973922729492 + } + }, + "memory": { + "total": 1007.5000267028809 + } +} diff --git a/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/wandb-summary.json b/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/wandb-summary.json new file mode 100644 index 0000000000000000000000000000000000000000..4841bc4504e219db83b702d09e68cfaa8fa95063 --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/wandb-summary.json @@ -0,0 +1 @@ +{"_wandb": {"runtime": 28}} \ No newline at end of file diff --git a/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/logs/debug-internal.log b/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/logs/debug-internal.log new file mode 100644 index 0000000000000000000000000000000000000000..a4fa82296458badca372753fa4c3414a2777d931 --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/logs/debug-internal.log @@ -0,0 +1,195 @@ +2024-05-14 11:41:40,371 INFO StreamThr :72103 [internal.py:wandb_internal():85] W&B internal server running at pid: 72103, started at: 2024-05-14 11:41:40.370456 +2024-05-14 11:41:40,372 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: status +2024-05-14 11:41:40,387 INFO WriterThread:72103 [datastore.py:open_for_write():87] open: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/run-9mbhv4sb.wandb +2024-05-14 11:41:40,388 DEBUG SenderThread:72103 [sender.py:send():378] send: header +2024-05-14 11:41:40,399 DEBUG SenderThread:72103 [sender.py:send():378] send: run +2024-05-14 11:41:40,618 INFO SenderThread:72103 [dir_watcher.py:__init__():211] watching files in: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files +2024-05-14 11:41:40,618 INFO SenderThread:72103 [sender.py:_start_run_threads():1123] run started: 9mbhv4sb with start time 1715686900.370334 +2024-05-14 11:41:40,625 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: check_version +2024-05-14 11:41:40,626 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: check_version +2024-05-14 11:41:40,709 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: run_start +2024-05-14 11:41:40,711 DEBUG HandlerThread:72103 [system_info.py:__init__():26] System info init +2024-05-14 11:41:40,711 DEBUG HandlerThread:72103 [system_info.py:__init__():41] System info init done +2024-05-14 11:41:40,711 INFO HandlerThread:72103 [system_monitor.py:start():194] Starting system monitor +2024-05-14 11:41:40,711 INFO SystemMonitor:72103 [system_monitor.py:_start():158] Starting system asset monitoring threads +2024-05-14 11:41:40,711 INFO HandlerThread:72103 [system_monitor.py:probe():214] Collecting system info +2024-05-14 11:41:40,712 INFO SystemMonitor:72103 [interfaces.py:start():188] Started cpu monitoring +2024-05-14 11:41:40,712 INFO SystemMonitor:72103 [interfaces.py:start():188] Started disk monitoring +2024-05-14 11:41:40,712 INFO SystemMonitor:72103 [interfaces.py:start():188] Started memory monitoring +2024-05-14 11:41:40,713 INFO SystemMonitor:72103 [interfaces.py:start():188] Started network monitoring +2024-05-14 11:41:40,794 DEBUG HandlerThread:72103 [system_info.py:probe():150] Probing system +2024-05-14 11:41:40,807 DEBUG HandlerThread:72103 [system_info.py:_probe_git():135] Probing git +2024-05-14 11:41:40,833 ERROR HandlerThread:72103 [gitlib.py:root():92] git root error: Cmd('git') failed due to: exit code(128) + cmdline: git rev-parse --show-toplevel + stderr: 'fatal: detected dubious ownership in repository at '/data/cronscript/lm-evaluation-harness' +To add an exception for this directory, call: + + git config --global --add safe.directory /data/cronscript/lm-evaluation-harness' +2024-05-14 11:41:40,833 DEBUG HandlerThread:72103 [system_info.py:_probe_git():143] Probing git done +2024-05-14 11:41:40,833 DEBUG HandlerThread:72103 [system_info.py:probe():198] Probing system done +2024-05-14 11:41:40,833 DEBUG HandlerThread:72103 [system_monitor.py:probe():223] {'os': 'Linux-5.15.0-92-generic-x86_64-with-glibc2.35', 'python': '3.10.12', 'heartbeatAt': '2024-05-14T11:41:40.794361', 'startedAt': '2024-05-14T11:41:40.326948', 'docker': None, 'cuda': None, 'args': ('--model', 'hf', '--model_args', 'pretrained=/data/cronscript/ckpts//hf_ckpt//global_step100', '--tasks', 'indiccopa-hi', '--batch_size', 'auto', '--wandb_args', 'project=bharatgpt,group=global_step100'), 'state': 'running', 'program': '-m lm_eval.__main__', 'codePathLocal': None, 'git': {'remote': 'https://github.com/EleutherAI/lm-evaluation-harness', 'commit': None}, 'email': None, 'root': '/data/cronscript/lm-evaluation-harness', 'host': 'vizzhy-150-3', 'username': 'root', 'executable': '/usr/bin/python3', 'cpu_count': 76, 'cpu_count_logical': 152, 'cpu_freq': {'current': 3388.940138157895, 'min': 800.0, 'max': 3400.0}, 'cpu_freq_per_core': [{'current': 3278.25, 'min': 800.0, 'max': 3400.0}, {'current': 3278.268, 'min': 800.0, 'max': 3400.0}, {'current': 2406.421, 'min': 800.0, 'max': 3400.0}, {'current': 3212.324, 'min': 800.0, 'max': 3400.0}, {'current': 3278.329, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3255.574, 'min': 800.0, 'max': 3400.0}, {'current': 3289.283, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3277.405, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3258.617, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3232.106, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}], 'disk': {'/': {'total': 866.4415092468262, 'used': 77.68973922729492}}, 'memory': {'total': 1007.5000267028809}} +2024-05-14 11:41:40,833 INFO HandlerThread:72103 [system_monitor.py:probe():224] Finished collecting system info +2024-05-14 11:41:40,833 INFO HandlerThread:72103 [system_monitor.py:probe():227] Publishing system info +2024-05-14 11:41:40,835 INFO HandlerThread:72103 [system_monitor.py:probe():229] Finished publishing system info +2024-05-14 11:41:40,838 DEBUG SenderThread:72103 [sender.py:send():378] send: files +2024-05-14 11:41:40,838 INFO SenderThread:72103 [sender.py:_save_file():1389] saving file wandb-metadata.json with policy now +2024-05-14 11:41:40,937 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: python_packages +2024-05-14 11:41:40,937 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: python_packages +2024-05-14 11:41:40,937 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: stop_status +2024-05-14 11:41:40,938 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: stop_status +2024-05-14 11:41:41,065 DEBUG SenderThread:72103 [sender.py:send():378] send: telemetry +2024-05-14 11:41:41,360 INFO wandb-upload_0:72103 [upload_job.py:push():130] Uploaded file /tmp/tmp9frr6_cjwandb/u5sw33m1-wandb-metadata.json +2024-05-14 11:41:41,619 INFO Thread-12 :72103 [dir_watcher.py:_on_file_created():271] file/dir created: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/requirements.txt +2024-05-14 11:41:41,620 INFO Thread-12 :72103 [dir_watcher.py:_on_file_created():271] file/dir created: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/wandb-metadata.json +2024-05-14 11:41:41,620 INFO Thread-12 :72103 [dir_watcher.py:_on_file_created():271] file/dir created: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/output.log +2024-05-14 11:41:43,622 INFO Thread-12 :72103 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/output.log +2024-05-14 11:41:46,066 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: status_report +2024-05-14 11:41:47,631 INFO Thread-12 :72103 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/output.log +2024-05-14 11:41:51,729 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: status_report +2024-05-14 11:41:55,654 INFO Thread-12 :72103 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/output.log +2024-05-14 11:41:55,938 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: stop_status +2024-05-14 11:41:55,938 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: stop_status +2024-05-14 11:41:57,053 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: status_report +2024-05-14 11:41:59,670 INFO Thread-12 :72103 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/output.log +2024-05-14 11:42:00,674 INFO Thread-12 :72103 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/output.log +2024-05-14 11:42:01,674 INFO Thread-12 :72103 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/output.log +2024-05-14 11:42:02,361 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: status_report +2024-05-14 11:42:02,675 INFO Thread-12 :72103 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/output.log +2024-05-14 11:42:03,676 INFO Thread-12 :72103 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/output.log +2024-05-14 11:42:04,678 INFO Thread-12 :72103 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/output.log +2024-05-14 11:42:07,362 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: status_report +2024-05-14 11:42:09,384 DEBUG SenderThread:72103 [sender.py:send():378] send: exit +2024-05-14 11:42:09,384 INFO SenderThread:72103 [sender.py:send_exit():585] handling exit code: 0 +2024-05-14 11:42:09,384 INFO SenderThread:72103 [sender.py:send_exit():587] handling runtime: 28 +2024-05-14 11:42:09,385 INFO SenderThread:72103 [sender.py:_save_file():1389] saving file wandb-summary.json with policy end +2024-05-14 11:42:09,385 INFO SenderThread:72103 [sender.py:send_exit():593] send defer +2024-05-14 11:42:09,385 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: defer +2024-05-14 11:42:09,385 INFO HandlerThread:72103 [handler.py:handle_request_defer():184] handle defer: 0 +2024-05-14 11:42:09,385 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: defer +2024-05-14 11:42:09,385 INFO SenderThread:72103 [sender.py:send_request_defer():609] handle sender defer: 0 +2024-05-14 11:42:09,385 INFO SenderThread:72103 [sender.py:transition_state():613] send defer: 1 +2024-05-14 11:42:09,385 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: defer +2024-05-14 11:42:09,385 INFO HandlerThread:72103 [handler.py:handle_request_defer():184] handle defer: 1 +2024-05-14 11:42:09,386 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: defer +2024-05-14 11:42:09,386 INFO SenderThread:72103 [sender.py:send_request_defer():609] handle sender defer: 1 +2024-05-14 11:42:09,386 INFO SenderThread:72103 [sender.py:transition_state():613] send defer: 2 +2024-05-14 11:42:09,386 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: defer +2024-05-14 11:42:09,386 INFO HandlerThread:72103 [handler.py:handle_request_defer():184] handle defer: 2 +2024-05-14 11:42:09,386 INFO HandlerThread:72103 [system_monitor.py:finish():203] Stopping system monitor +2024-05-14 11:42:09,386 DEBUG SystemMonitor:72103 [system_monitor.py:_start():172] Starting system metrics aggregation loop +2024-05-14 11:42:09,387 DEBUG SystemMonitor:72103 [system_monitor.py:_start():179] Finished system metrics aggregation loop +2024-05-14 11:42:09,387 INFO HandlerThread:72103 [interfaces.py:finish():200] Joined cpu monitor +2024-05-14 11:42:09,387 DEBUG SystemMonitor:72103 [system_monitor.py:_start():183] Publishing last batch of metrics +2024-05-14 11:42:09,387 INFO HandlerThread:72103 [interfaces.py:finish():200] Joined disk monitor +2024-05-14 11:42:09,389 INFO HandlerThread:72103 [interfaces.py:finish():200] Joined memory monitor +2024-05-14 11:42:09,389 INFO HandlerThread:72103 [interfaces.py:finish():200] Joined network monitor +2024-05-14 11:42:09,389 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: defer +2024-05-14 11:42:09,389 INFO SenderThread:72103 [sender.py:send_request_defer():609] handle sender defer: 2 +2024-05-14 11:42:09,390 INFO SenderThread:72103 [sender.py:transition_state():613] send defer: 3 +2024-05-14 11:42:09,390 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: defer +2024-05-14 11:42:09,390 INFO HandlerThread:72103 [handler.py:handle_request_defer():184] handle defer: 3 +2024-05-14 11:42:09,390 DEBUG SenderThread:72103 [sender.py:send():378] send: stats +2024-05-14 11:42:09,390 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: defer +2024-05-14 11:42:09,390 INFO SenderThread:72103 [sender.py:send_request_defer():609] handle sender defer: 3 +2024-05-14 11:42:09,390 INFO SenderThread:72103 [sender.py:transition_state():613] send defer: 4 +2024-05-14 11:42:09,390 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: defer +2024-05-14 11:42:09,390 INFO HandlerThread:72103 [handler.py:handle_request_defer():184] handle defer: 4 +2024-05-14 11:42:09,391 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: defer +2024-05-14 11:42:09,391 INFO SenderThread:72103 [sender.py:send_request_defer():609] handle sender defer: 4 +2024-05-14 11:42:09,391 INFO SenderThread:72103 [sender.py:transition_state():613] send defer: 5 +2024-05-14 11:42:09,391 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: defer +2024-05-14 11:42:09,391 INFO HandlerThread:72103 [handler.py:handle_request_defer():184] handle defer: 5 +2024-05-14 11:42:09,391 DEBUG SenderThread:72103 [sender.py:send():378] send: summary +2024-05-14 11:42:09,392 INFO SenderThread:72103 [sender.py:_save_file():1389] saving file wandb-summary.json with policy end +2024-05-14 11:42:09,392 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: defer +2024-05-14 11:42:09,392 INFO SenderThread:72103 [sender.py:send_request_defer():609] handle sender defer: 5 +2024-05-14 11:42:09,392 INFO SenderThread:72103 [sender.py:transition_state():613] send defer: 6 +2024-05-14 11:42:09,392 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: defer +2024-05-14 11:42:09,392 INFO HandlerThread:72103 [handler.py:handle_request_defer():184] handle defer: 6 +2024-05-14 11:42:09,392 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: defer +2024-05-14 11:42:09,392 INFO SenderThread:72103 [sender.py:send_request_defer():609] handle sender defer: 6 +2024-05-14 11:42:09,394 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: status_report +2024-05-14 11:42:09,480 INFO SenderThread:72103 [sender.py:transition_state():613] send defer: 7 +2024-05-14 11:42:09,481 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: defer +2024-05-14 11:42:09,481 INFO HandlerThread:72103 [handler.py:handle_request_defer():184] handle defer: 7 +2024-05-14 11:42:09,481 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: defer +2024-05-14 11:42:09,481 INFO SenderThread:72103 [sender.py:send_request_defer():609] handle sender defer: 7 +2024-05-14 11:42:09,682 INFO Thread-12 :72103 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/config.yaml +2024-05-14 11:42:09,682 INFO Thread-12 :72103 [dir_watcher.py:_on_file_created():271] file/dir created: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/wandb-summary.json +2024-05-14 11:42:10,384 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: poll_exit +2024-05-14 11:42:12,471 INFO SenderThread:72103 [sender.py:transition_state():613] send defer: 8 +2024-05-14 11:42:12,471 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: poll_exit +2024-05-14 11:42:12,471 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: defer +2024-05-14 11:42:12,471 INFO HandlerThread:72103 [handler.py:handle_request_defer():184] handle defer: 8 +2024-05-14 11:42:12,472 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: defer +2024-05-14 11:42:12,472 INFO SenderThread:72103 [sender.py:send_request_defer():609] handle sender defer: 8 +2024-05-14 11:42:12,472 INFO SenderThread:72103 [job_builder.py:build():432] Attempting to build job artifact +2024-05-14 11:42:12,472 INFO SenderThread:72103 [job_builder.py:_get_source_type():576] no source found +2024-05-14 11:42:12,472 INFO SenderThread:72103 [sender.py:transition_state():613] send defer: 9 +2024-05-14 11:42:12,472 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: defer +2024-05-14 11:42:12,472 INFO HandlerThread:72103 [handler.py:handle_request_defer():184] handle defer: 9 +2024-05-14 11:42:12,472 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: defer +2024-05-14 11:42:12,472 INFO SenderThread:72103 [sender.py:send_request_defer():609] handle sender defer: 9 +2024-05-14 11:42:12,472 INFO SenderThread:72103 [dir_watcher.py:finish():358] shutting down directory watcher +2024-05-14 11:42:12,683 INFO SenderThread:72103 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/output.log +2024-05-14 11:42:12,683 INFO SenderThread:72103 [dir_watcher.py:finish():388] scan: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files +2024-05-14 11:42:12,683 INFO SenderThread:72103 [dir_watcher.py:finish():402] scan save: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/wandb-metadata.json wandb-metadata.json +2024-05-14 11:42:12,683 INFO SenderThread:72103 [dir_watcher.py:finish():402] scan save: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/requirements.txt requirements.txt +2024-05-14 11:42:12,683 INFO SenderThread:72103 [dir_watcher.py:finish():402] scan save: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/wandb-summary.json wandb-summary.json +2024-05-14 11:42:12,684 INFO SenderThread:72103 [dir_watcher.py:finish():402] scan save: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/config.yaml config.yaml +2024-05-14 11:42:12,684 INFO SenderThread:72103 [dir_watcher.py:finish():402] scan save: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/output.log output.log +2024-05-14 11:42:12,684 INFO SenderThread:72103 [sender.py:transition_state():613] send defer: 10 +2024-05-14 11:42:12,686 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: defer +2024-05-14 11:42:12,687 INFO HandlerThread:72103 [handler.py:handle_request_defer():184] handle defer: 10 +2024-05-14 11:42:12,689 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: defer +2024-05-14 11:42:12,689 INFO SenderThread:72103 [sender.py:send_request_defer():609] handle sender defer: 10 +2024-05-14 11:42:12,689 INFO SenderThread:72103 [file_pusher.py:finish():169] shutting down file pusher +2024-05-14 11:42:12,920 INFO wandb-upload_0:72103 [upload_job.py:push():130] Uploaded file /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/requirements.txt +2024-05-14 11:42:13,094 INFO wandb-upload_1:72103 [upload_job.py:push():130] Uploaded file /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/wandb-summary.json +2024-05-14 11:42:13,181 INFO wandb-upload_3:72103 [upload_job.py:push():130] Uploaded file /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/output.log +2024-05-14 11:42:13,191 INFO wandb-upload_2:72103 [upload_job.py:push():130] Uploaded file /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/config.yaml +2024-05-14 11:42:13,384 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: poll_exit +2024-05-14 11:42:13,385 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: poll_exit +2024-05-14 11:42:13,391 INFO Thread-11 (_thread_body):72103 [sender.py:transition_state():613] send defer: 11 +2024-05-14 11:42:13,391 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: defer +2024-05-14 11:42:13,391 INFO HandlerThread:72103 [handler.py:handle_request_defer():184] handle defer: 11 +2024-05-14 11:42:13,392 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: defer +2024-05-14 11:42:13,392 INFO SenderThread:72103 [sender.py:send_request_defer():609] handle sender defer: 11 +2024-05-14 11:42:13,392 INFO SenderThread:72103 [file_pusher.py:join():175] waiting for file pusher +2024-05-14 11:42:13,392 INFO SenderThread:72103 [sender.py:transition_state():613] send defer: 12 +2024-05-14 11:42:13,392 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: defer +2024-05-14 11:42:13,392 INFO HandlerThread:72103 [handler.py:handle_request_defer():184] handle defer: 12 +2024-05-14 11:42:13,392 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: defer +2024-05-14 11:42:13,392 INFO SenderThread:72103 [sender.py:send_request_defer():609] handle sender defer: 12 +2024-05-14 11:42:13,392 INFO SenderThread:72103 [file_stream.py:finish():601] file stream finish called +2024-05-14 11:42:13,545 INFO SenderThread:72103 [file_stream.py:finish():605] file stream finish is done +2024-05-14 11:42:13,545 INFO SenderThread:72103 [sender.py:transition_state():613] send defer: 13 +2024-05-14 11:42:13,545 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: defer +2024-05-14 11:42:13,545 INFO HandlerThread:72103 [handler.py:handle_request_defer():184] handle defer: 13 +2024-05-14 11:42:13,545 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: defer +2024-05-14 11:42:13,545 INFO SenderThread:72103 [sender.py:send_request_defer():609] handle sender defer: 13 +2024-05-14 11:42:13,545 INFO SenderThread:72103 [sender.py:transition_state():613] send defer: 14 +2024-05-14 11:42:13,545 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: defer +2024-05-14 11:42:13,545 INFO HandlerThread:72103 [handler.py:handle_request_defer():184] handle defer: 14 +2024-05-14 11:42:13,545 DEBUG SenderThread:72103 [sender.py:send():378] send: final +2024-05-14 11:42:13,545 DEBUG SenderThread:72103 [sender.py:send():378] send: footer +2024-05-14 11:42:13,545 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: defer +2024-05-14 11:42:13,545 INFO SenderThread:72103 [sender.py:send_request_defer():609] handle sender defer: 14 +2024-05-14 11:42:13,546 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: poll_exit +2024-05-14 11:42:13,546 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: poll_exit +2024-05-14 11:42:13,546 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: poll_exit +2024-05-14 11:42:13,546 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: poll_exit +2024-05-14 11:42:13,547 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: server_info +2024-05-14 11:42:13,547 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: server_info +2024-05-14 11:42:13,548 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: get_summary +2024-05-14 11:42:13,548 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: sampled_history +2024-05-14 11:42:13,548 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: internal_messages +2024-05-14 11:42:13,600 INFO MainThread:72103 [wandb_run.py:_footer_history_summary_info():3994] rendering history +2024-05-14 11:42:13,600 INFO MainThread:72103 [wandb_run.py:_footer_history_summary_info():4026] rendering summary +2024-05-14 11:42:13,600 INFO MainThread:72103 [wandb_run.py:_footer_sync_info():3953] logging synced files +2024-05-14 11:42:13,600 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: shutdown +2024-05-14 11:42:13,600 INFO HandlerThread:72103 [handler.py:finish():882] shutting down handler +2024-05-14 11:42:14,547 INFO WriterThread:72103 [datastore.py:close():296] close: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/run-9mbhv4sb.wandb +2024-05-14 11:42:14,600 INFO SenderThread:72103 [sender.py:finish():1545] shutting down sender +2024-05-14 11:42:14,600 INFO SenderThread:72103 [file_pusher.py:finish():169] shutting down file pusher +2024-05-14 11:42:14,600 INFO SenderThread:72103 [file_pusher.py:join():175] waiting for file pusher diff --git a/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/logs/debug.log b/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/logs/debug.log new file mode 100644 index 0000000000000000000000000000000000000000..afcb3b5a5b271cf616be43102f90afbdea59e768 --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/logs/debug.log @@ -0,0 +1,29 @@ +2024-05-14 11:41:40,336 INFO MainThread:70753 [wandb_setup.py:_flush():76] Current SDK version is 0.17.0 +2024-05-14 11:41:40,336 INFO MainThread:70753 [wandb_setup.py:_flush():76] Configure stats pid to 70753 +2024-05-14 11:41:40,337 INFO MainThread:70753 [wandb_setup.py:_flush():76] Loading settings from /root/.config/wandb/settings +2024-05-14 11:41:40,337 INFO MainThread:70753 [wandb_setup.py:_flush():76] Loading settings from /data/cronscript/lm-evaluation-harness/wandb/settings +2024-05-14 11:41:40,337 INFO MainThread:70753 [wandb_setup.py:_flush():76] Loading settings from environment variables: {} +2024-05-14 11:41:40,337 INFO MainThread:70753 [wandb_setup.py:_flush():76] Applying setup settings: {'_disable_service': False} +2024-05-14 11:41:40,337 WARNING MainThread:70753 [wandb_setup.py:_flush():76] Could not find program at -m lm_eval.__main__ +2024-05-14 11:41:40,337 INFO MainThread:70753 [wandb_setup.py:_flush():76] Inferring run settings from compute environment: {'program_relpath': None, 'program': '-m lm_eval.__main__'} +2024-05-14 11:41:40,337 INFO MainThread:70753 [wandb_setup.py:_flush():76] Applying login settings: {} +2024-05-14 11:41:40,338 INFO MainThread:70753 [wandb_init.py:_log_setup():520] Logging user logs to /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/logs/debug.log +2024-05-14 11:41:40,339 INFO MainThread:70753 [wandb_init.py:_log_setup():521] Logging internal logs to /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/logs/debug-internal.log +2024-05-14 11:41:40,339 INFO MainThread:70753 [wandb_init.py:init():560] calling init triggers +2024-05-14 11:41:40,339 INFO MainThread:70753 [wandb_init.py:init():567] wandb.init called with sweep_config: {} +config: {} +2024-05-14 11:41:40,339 INFO MainThread:70753 [wandb_init.py:init():610] starting backend +2024-05-14 11:41:40,339 INFO MainThread:70753 [wandb_init.py:init():614] setting up manager +2024-05-14 11:41:40,369 INFO MainThread:70753 [backend.py:_multiprocessing_setup():105] multiprocessing start_methods=fork,spawn,forkserver, using: spawn +2024-05-14 11:41:40,370 INFO MainThread:70753 [wandb_init.py:init():622] backend started and connected +2024-05-14 11:41:40,387 INFO MainThread:70753 [wandb_init.py:init():711] updated telemetry +2024-05-14 11:41:40,399 INFO MainThread:70753 [wandb_init.py:init():744] communicating run to backend with 90.0 second timeout +2024-05-14 11:41:40,625 INFO MainThread:70753 [wandb_run.py:_on_init():2396] communicating current version +2024-05-14 11:41:40,705 INFO MainThread:70753 [wandb_run.py:_on_init():2405] got version response +2024-05-14 11:41:40,705 INFO MainThread:70753 [wandb_init.py:init():795] starting run threads in backend +2024-05-14 11:41:40,937 INFO MainThread:70753 [wandb_run.py:_console_start():2374] atexit reg +2024-05-14 11:41:40,937 INFO MainThread:70753 [wandb_run.py:_redirect():2229] redirect: wrap_raw +2024-05-14 11:41:40,937 INFO MainThread:70753 [wandb_run.py:_redirect():2294] Wrapping output streams. +2024-05-14 11:41:40,937 INFO MainThread:70753 [wandb_run.py:_redirect():2319] Redirects installed. +2024-05-14 11:41:40,939 INFO MainThread:70753 [wandb_init.py:init():838] run started, returning control to user process +2024-05-14 11:42:14,601 WARNING MsgRouterThr:70753 [router.py:message_loop():77] message_loop has been closed diff --git a/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/run-9mbhv4sb.wandb b/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/run-9mbhv4sb.wandb new file mode 100644 index 0000000000000000000000000000000000000000..21fc6732cd2195d967a326a9272617257d196e3c Binary files /dev/null and b/lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/run-9mbhv4sb.wandb differ diff --git a/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/files/config.yaml b/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/files/config.yaml new file mode 100644 index 0000000000000000000000000000000000000000..a81e7c0eda0613364bf8ab01b84a5a6fcfbb9134 --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/files/config.yaml @@ -0,0 +1,43 @@ +wandb_version: 1 + +_wandb: + desc: null + value: + python_version: 3.10.12 + cli_version: 0.17.0 + framework: huggingface + huggingface_version: 4.40.2 + is_jupyter_run: false + is_kaggle_kernel: false + start_time: 1715687084 + t: + 1: + - 1 + - 5 + - 11 + - 49 + - 51 + - 53 + - 55 + - 71 + - 98 + - 100 + 2: + - 1 + - 5 + - 11 + - 49 + - 51 + - 53 + - 55 + - 71 + - 98 + - 100 + 3: + - 23 + 4: 3.10.12 + 5: 0.17.0 + 6: 4.40.2 + 8: + - 5 + 13: linux-x86_64 diff --git a/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/logs/debug-internal.log b/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/logs/debug-internal.log new file mode 100644 index 0000000000000000000000000000000000000000..fe8beecff70eaccdf43ac92e631a5f7ef77c5301 --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/logs/debug-internal.log @@ -0,0 +1,194 @@ +2024-05-14 11:44:44,098 INFO StreamThr :84116 [internal.py:wandb_internal():85] W&B internal server running at pid: 84116, started at: 2024-05-14 11:44:44.097497 +2024-05-14 11:44:44,100 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: status +2024-05-14 11:44:44,101 INFO WriterThread:84116 [datastore.py:open_for_write():87] open: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/run-n61ndviq.wandb +2024-05-14 11:44:44,102 DEBUG SenderThread:84116 [sender.py:send():378] send: header +2024-05-14 11:44:44,119 DEBUG SenderThread:84116 [sender.py:send():378] send: run +2024-05-14 11:44:44,343 INFO SenderThread:84116 [dir_watcher.py:__init__():211] watching files in: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/files +2024-05-14 11:44:44,344 INFO SenderThread:84116 [sender.py:_start_run_threads():1123] run started: n61ndviq with start time 1715687084.09871 +2024-05-14 11:44:44,361 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: check_version +2024-05-14 11:44:44,361 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: check_version +2024-05-14 11:44:44,444 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: run_start +2024-05-14 11:44:44,445 DEBUG HandlerThread:84116 [system_info.py:__init__():26] System info init +2024-05-14 11:44:44,445 DEBUG HandlerThread:84116 [system_info.py:__init__():41] System info init done +2024-05-14 11:44:44,445 INFO HandlerThread:84116 [system_monitor.py:start():194] Starting system monitor +2024-05-14 11:44:44,446 INFO SystemMonitor:84116 [system_monitor.py:_start():158] Starting system asset monitoring threads +2024-05-14 11:44:44,446 INFO HandlerThread:84116 [system_monitor.py:probe():214] Collecting system info +2024-05-14 11:44:44,447 INFO SystemMonitor:84116 [interfaces.py:start():188] Started cpu monitoring +2024-05-14 11:44:44,447 INFO SystemMonitor:84116 [interfaces.py:start():188] Started disk monitoring +2024-05-14 11:44:44,448 INFO SystemMonitor:84116 [interfaces.py:start():188] Started memory monitoring +2024-05-14 11:44:44,449 INFO SystemMonitor:84116 [interfaces.py:start():188] Started network monitoring +2024-05-14 11:44:44,534 DEBUG HandlerThread:84116 [system_info.py:probe():150] Probing system +2024-05-14 11:44:44,542 DEBUG HandlerThread:84116 [system_info.py:_probe_git():135] Probing git +2024-05-14 11:44:44,611 ERROR HandlerThread:84116 [gitlib.py:root():92] git root error: Cmd('git') failed due to: exit code(128) + cmdline: git rev-parse --show-toplevel + stderr: 'fatal: detected dubious ownership in repository at '/data/cronscript/lm-evaluation-harness' +To add an exception for this directory, call: + + git config --global --add safe.directory /data/cronscript/lm-evaluation-harness' +2024-05-14 11:44:44,611 DEBUG HandlerThread:84116 [system_info.py:_probe_git():143] Probing git done +2024-05-14 11:44:44,611 DEBUG HandlerThread:84116 [system_info.py:probe():198] Probing system done +2024-05-14 11:44:44,611 DEBUG HandlerThread:84116 [system_monitor.py:probe():223] {'os': 'Linux-5.15.0-92-generic-x86_64-with-glibc2.35', 'python': '3.10.12', 'heartbeatAt': '2024-05-14T11:44:44.534275', 'startedAt': '2024-05-14T11:44:44.086505', 'docker': None, 'cuda': None, 'args': ('--model', 'hf', '--model_args', 'pretrained=/data/cronscript/ckpts//hf_ckpt//global_step100', '--tasks', 'indiccopa-hi', '--batch_size', 'auto', '--wandb_args', 'project=bharatgpt,group=global_step100'), 'state': 'running', 'program': '-m lm_eval.__main__', 'codePathLocal': None, 'git': {'remote': 'https://github.com/EleutherAI/lm-evaluation-harness', 'commit': None}, 'email': None, 'root': '/data/cronscript/lm-evaluation-harness', 'host': 'vizzhy-150-3', 'username': 'root', 'executable': '/usr/bin/python3', 'cpu_count': 76, 'cpu_count_logical': 152, 'cpu_freq': {'current': 3392.622177631579, 'min': 800.0, 'max': 3400.0}, 'cpu_freq_per_core': [{'current': 3300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3215.195, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3212.965, 'min': 800.0, 'max': 3400.0}, {'current': 3300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3300.001, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3220.681, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}], 'disk': {'/': {'total': 866.4415092468262, 'used': 77.77704238891602}}, 'memory': {'total': 1007.5000267028809}} +2024-05-14 11:44:44,611 INFO HandlerThread:84116 [system_monitor.py:probe():224] Finished collecting system info +2024-05-14 11:44:44,611 INFO HandlerThread:84116 [system_monitor.py:probe():227] Publishing system info +2024-05-14 11:44:44,613 INFO HandlerThread:84116 [system_monitor.py:probe():229] Finished publishing system info +2024-05-14 11:44:44,616 DEBUG SenderThread:84116 [sender.py:send():378] send: files +2024-05-14 11:44:44,617 INFO SenderThread:84116 [sender.py:_save_file():1389] saving file wandb-metadata.json with policy now +2024-05-14 11:44:44,714 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: python_packages +2024-05-14 11:44:44,714 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: python_packages +2024-05-14 11:44:44,715 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: stop_status +2024-05-14 11:44:44,715 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: stop_status +2024-05-14 11:44:44,935 DEBUG SenderThread:84116 [sender.py:send():378] send: telemetry +2024-05-14 11:44:45,135 INFO wandb-upload_0:84116 [upload_job.py:push():130] Uploaded file /tmp/tmpzwz1vozqwandb/yc4h609m-wandb-metadata.json +2024-05-14 11:44:45,345 INFO Thread-12 :84116 [dir_watcher.py:_on_file_created():271] file/dir created: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/files/output.log +2024-05-14 11:44:45,345 INFO Thread-12 :84116 [dir_watcher.py:_on_file_created():271] file/dir created: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/files/requirements.txt +2024-05-14 11:44:45,345 INFO Thread-12 :84116 [dir_watcher.py:_on_file_created():271] file/dir created: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/files/wandb-metadata.json +2024-05-14 11:44:47,346 INFO Thread-12 :84116 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/files/output.log +2024-05-14 11:44:49,768 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: status_report +2024-05-14 11:44:51,351 INFO Thread-12 :84116 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/files/output.log +2024-05-14 11:44:54,770 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: status_report +2024-05-14 11:44:59,407 INFO Thread-12 :84116 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/files/output.log +2024-05-14 11:44:59,715 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: stop_status +2024-05-14 11:44:59,716 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: stop_status +2024-05-14 11:44:59,787 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: status_report +2024-05-14 11:45:00,407 INFO Thread-12 :84116 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/files/output.log +2024-05-14 11:45:01,408 INFO Thread-12 :84116 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/files/output.log +2024-05-14 11:45:04,788 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: status_report +2024-05-14 11:45:06,413 INFO Thread-12 :84116 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/files/output.log +2024-05-14 11:45:07,414 INFO Thread-12 :84116 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/files/output.log +2024-05-14 11:45:08,415 INFO Thread-12 :84116 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/files/output.log +2024-05-14 11:45:10,006 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: status_report +2024-05-14 11:45:14,535 DEBUG SenderThread:84116 [sender.py:send():378] send: exit +2024-05-14 11:45:14,535 INFO SenderThread:84116 [sender.py:send_exit():585] handling exit code: 0 +2024-05-14 11:45:14,535 INFO SenderThread:84116 [sender.py:send_exit():587] handling runtime: 30 +2024-05-14 11:45:14,536 INFO SenderThread:84116 [sender.py:_save_file():1389] saving file wandb-summary.json with policy end +2024-05-14 11:45:14,536 INFO SenderThread:84116 [sender.py:send_exit():593] send defer +2024-05-14 11:45:14,537 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: defer +2024-05-14 11:45:14,537 INFO HandlerThread:84116 [handler.py:handle_request_defer():184] handle defer: 0 +2024-05-14 11:45:14,537 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: defer +2024-05-14 11:45:14,537 INFO SenderThread:84116 [sender.py:send_request_defer():609] handle sender defer: 0 +2024-05-14 11:45:14,537 INFO SenderThread:84116 [sender.py:transition_state():613] send defer: 1 +2024-05-14 11:45:14,537 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: defer +2024-05-14 11:45:14,537 INFO HandlerThread:84116 [handler.py:handle_request_defer():184] handle defer: 1 +2024-05-14 11:45:14,537 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: defer +2024-05-14 11:45:14,537 INFO SenderThread:84116 [sender.py:send_request_defer():609] handle sender defer: 1 +2024-05-14 11:45:14,537 INFO SenderThread:84116 [sender.py:transition_state():613] send defer: 2 +2024-05-14 11:45:14,537 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: defer +2024-05-14 11:45:14,537 INFO HandlerThread:84116 [handler.py:handle_request_defer():184] handle defer: 2 +2024-05-14 11:45:14,537 INFO HandlerThread:84116 [system_monitor.py:finish():203] Stopping system monitor +2024-05-14 11:45:14,537 DEBUG SystemMonitor:84116 [system_monitor.py:_start():172] Starting system metrics aggregation loop +2024-05-14 11:45:14,538 INFO HandlerThread:84116 [interfaces.py:finish():200] Joined cpu monitor +2024-05-14 11:45:14,538 DEBUG SystemMonitor:84116 [system_monitor.py:_start():179] Finished system metrics aggregation loop +2024-05-14 11:45:14,538 INFO HandlerThread:84116 [interfaces.py:finish():200] Joined disk monitor +2024-05-14 11:45:14,538 DEBUG SystemMonitor:84116 [system_monitor.py:_start():183] Publishing last batch of metrics +2024-05-14 11:45:14,538 INFO HandlerThread:84116 [interfaces.py:finish():200] Joined memory monitor +2024-05-14 11:45:14,539 INFO HandlerThread:84116 [interfaces.py:finish():200] Joined network monitor +2024-05-14 11:45:14,540 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: defer +2024-05-14 11:45:14,540 INFO SenderThread:84116 [sender.py:send_request_defer():609] handle sender defer: 2 +2024-05-14 11:45:14,540 INFO SenderThread:84116 [sender.py:transition_state():613] send defer: 3 +2024-05-14 11:45:14,540 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: defer +2024-05-14 11:45:14,540 INFO HandlerThread:84116 [handler.py:handle_request_defer():184] handle defer: 3 +2024-05-14 11:45:14,540 DEBUG SenderThread:84116 [sender.py:send():378] send: stats +2024-05-14 11:45:14,541 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: defer +2024-05-14 11:45:14,541 INFO SenderThread:84116 [sender.py:send_request_defer():609] handle sender defer: 3 +2024-05-14 11:45:14,541 INFO SenderThread:84116 [sender.py:transition_state():613] send defer: 4 +2024-05-14 11:45:14,541 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: defer +2024-05-14 11:45:14,541 INFO HandlerThread:84116 [handler.py:handle_request_defer():184] handle defer: 4 +2024-05-14 11:45:14,541 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: defer +2024-05-14 11:45:14,541 INFO SenderThread:84116 [sender.py:send_request_defer():609] handle sender defer: 4 +2024-05-14 11:45:14,541 INFO SenderThread:84116 [sender.py:transition_state():613] send defer: 5 +2024-05-14 11:45:14,541 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: defer +2024-05-14 11:45:14,541 INFO HandlerThread:84116 [handler.py:handle_request_defer():184] handle defer: 5 +2024-05-14 11:45:14,541 DEBUG SenderThread:84116 [sender.py:send():378] send: summary +2024-05-14 11:45:14,542 INFO SenderThread:84116 [sender.py:_save_file():1389] saving file wandb-summary.json with policy end +2024-05-14 11:45:14,542 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: defer +2024-05-14 11:45:14,542 INFO SenderThread:84116 [sender.py:send_request_defer():609] handle sender defer: 5 +2024-05-14 11:45:14,542 INFO SenderThread:84116 [sender.py:transition_state():613] send defer: 6 +2024-05-14 11:45:14,542 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: defer +2024-05-14 11:45:14,542 INFO HandlerThread:84116 [handler.py:handle_request_defer():184] handle defer: 6 +2024-05-14 11:45:14,542 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: defer +2024-05-14 11:45:14,543 INFO SenderThread:84116 [sender.py:send_request_defer():609] handle sender defer: 6 +2024-05-14 11:45:14,545 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: status_report +2024-05-14 11:45:14,630 INFO SenderThread:84116 [sender.py:transition_state():613] send defer: 7 +2024-05-14 11:45:14,630 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: defer +2024-05-14 11:45:14,630 INFO HandlerThread:84116 [handler.py:handle_request_defer():184] handle defer: 7 +2024-05-14 11:45:14,630 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: defer +2024-05-14 11:45:14,630 INFO SenderThread:84116 [sender.py:send_request_defer():609] handle sender defer: 7 +2024-05-14 11:45:15,436 INFO Thread-12 :84116 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/files/config.yaml +2024-05-14 11:45:15,436 INFO Thread-12 :84116 [dir_watcher.py:_on_file_created():271] file/dir created: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/files/wandb-summary.json +2024-05-14 11:45:15,535 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: poll_exit +2024-05-14 11:45:16,025 INFO SenderThread:84116 [sender.py:transition_state():613] send defer: 8 +2024-05-14 11:45:16,026 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: poll_exit +2024-05-14 11:45:16,026 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: defer +2024-05-14 11:45:16,026 INFO HandlerThread:84116 [handler.py:handle_request_defer():184] handle defer: 8 +2024-05-14 11:45:16,026 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: defer +2024-05-14 11:45:16,026 INFO SenderThread:84116 [sender.py:send_request_defer():609] handle sender defer: 8 +2024-05-14 11:45:16,026 INFO SenderThread:84116 [job_builder.py:build():432] Attempting to build job artifact +2024-05-14 11:45:16,027 INFO SenderThread:84116 [job_builder.py:_get_source_type():576] no source found +2024-05-14 11:45:16,027 INFO SenderThread:84116 [sender.py:transition_state():613] send defer: 9 +2024-05-14 11:45:16,027 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: defer +2024-05-14 11:45:16,027 INFO HandlerThread:84116 [handler.py:handle_request_defer():184] handle defer: 9 +2024-05-14 11:45:16,027 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: defer +2024-05-14 11:45:16,027 INFO SenderThread:84116 [sender.py:send_request_defer():609] handle sender defer: 9 +2024-05-14 11:45:16,027 INFO SenderThread:84116 [dir_watcher.py:finish():358] shutting down directory watcher +2024-05-14 11:45:16,437 INFO SenderThread:84116 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/files/output.log +2024-05-14 11:45:16,437 INFO SenderThread:84116 [dir_watcher.py:finish():388] scan: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/files +2024-05-14 11:45:16,437 INFO SenderThread:84116 [dir_watcher.py:finish():402] scan save: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/files/requirements.txt requirements.txt +2024-05-14 11:45:16,437 INFO SenderThread:84116 [dir_watcher.py:finish():402] scan save: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/files/wandb-summary.json wandb-summary.json +2024-05-14 11:45:16,437 INFO SenderThread:84116 [dir_watcher.py:finish():402] scan save: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/files/output.log output.log +2024-05-14 11:45:16,437 INFO SenderThread:84116 [dir_watcher.py:finish():402] scan save: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/files/wandb-metadata.json wandb-metadata.json +2024-05-14 11:45:16,437 INFO SenderThread:84116 [dir_watcher.py:finish():402] scan save: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/files/config.yaml config.yaml +2024-05-14 11:45:16,438 INFO SenderThread:84116 [sender.py:transition_state():613] send defer: 10 +2024-05-14 11:45:16,440 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: defer +2024-05-14 11:45:16,442 INFO HandlerThread:84116 [handler.py:handle_request_defer():184] handle defer: 10 +2024-05-14 11:45:16,444 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: defer +2024-05-14 11:45:16,444 INFO SenderThread:84116 [sender.py:send_request_defer():609] handle sender defer: 10 +2024-05-14 11:45:16,444 INFO SenderThread:84116 [file_pusher.py:finish():169] shutting down file pusher +2024-05-14 11:45:16,535 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: poll_exit +2024-05-14 11:45:16,535 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: poll_exit +2024-05-14 11:45:16,679 INFO wandb-upload_2:84116 [upload_job.py:push():130] Uploaded file /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/files/output.log +2024-05-14 11:45:16,867 INFO wandb-upload_0:84116 [upload_job.py:push():130] Uploaded file /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/files/wandb-summary.json +2024-05-14 11:45:16,929 INFO wandb-upload_3:84116 [upload_job.py:push():130] Uploaded file /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/files/config.yaml +2024-05-14 11:45:16,968 INFO wandb-upload_1:84116 [upload_job.py:push():130] Uploaded file /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/files/requirements.txt +2024-05-14 11:45:17,168 INFO Thread-11 (_thread_body):84116 [sender.py:transition_state():613] send defer: 11 +2024-05-14 11:45:17,169 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: defer +2024-05-14 11:45:17,169 INFO HandlerThread:84116 [handler.py:handle_request_defer():184] handle defer: 11 +2024-05-14 11:45:17,169 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: defer +2024-05-14 11:45:17,169 INFO SenderThread:84116 [sender.py:send_request_defer():609] handle sender defer: 11 +2024-05-14 11:45:17,169 INFO SenderThread:84116 [file_pusher.py:join():175] waiting for file pusher +2024-05-14 11:45:17,170 INFO SenderThread:84116 [sender.py:transition_state():613] send defer: 12 +2024-05-14 11:45:17,170 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: defer +2024-05-14 11:45:17,170 INFO HandlerThread:84116 [handler.py:handle_request_defer():184] handle defer: 12 +2024-05-14 11:45:17,170 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: defer +2024-05-14 11:45:17,170 INFO SenderThread:84116 [sender.py:send_request_defer():609] handle sender defer: 12 +2024-05-14 11:45:17,170 INFO SenderThread:84116 [file_stream.py:finish():601] file stream finish called +2024-05-14 11:45:17,247 INFO SenderThread:84116 [file_stream.py:finish():605] file stream finish is done +2024-05-14 11:45:17,247 INFO SenderThread:84116 [sender.py:transition_state():613] send defer: 13 +2024-05-14 11:45:17,247 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: defer +2024-05-14 11:45:17,247 INFO HandlerThread:84116 [handler.py:handle_request_defer():184] handle defer: 13 +2024-05-14 11:45:17,247 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: defer +2024-05-14 11:45:17,247 INFO SenderThread:84116 [sender.py:send_request_defer():609] handle sender defer: 13 +2024-05-14 11:45:17,247 INFO SenderThread:84116 [sender.py:transition_state():613] send defer: 14 +2024-05-14 11:45:17,247 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: defer +2024-05-14 11:45:17,247 INFO HandlerThread:84116 [handler.py:handle_request_defer():184] handle defer: 14 +2024-05-14 11:45:17,247 DEBUG SenderThread:84116 [sender.py:send():378] send: final +2024-05-14 11:45:17,248 DEBUG SenderThread:84116 [sender.py:send():378] send: footer +2024-05-14 11:45:17,248 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: defer +2024-05-14 11:45:17,248 INFO SenderThread:84116 [sender.py:send_request_defer():609] handle sender defer: 14 +2024-05-14 11:45:17,248 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: poll_exit +2024-05-14 11:45:17,248 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: poll_exit +2024-05-14 11:45:17,248 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: poll_exit +2024-05-14 11:45:17,249 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: poll_exit +2024-05-14 11:45:17,249 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: server_info +2024-05-14 11:45:17,249 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: get_summary +2024-05-14 11:45:17,249 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: server_info +2024-05-14 11:45:17,250 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: sampled_history +2024-05-14 11:45:17,251 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: internal_messages +2024-05-14 11:45:17,302 INFO MainThread:84116 [wandb_run.py:_footer_history_summary_info():3994] rendering history +2024-05-14 11:45:17,302 INFO MainThread:84116 [wandb_run.py:_footer_history_summary_info():4026] rendering summary +2024-05-14 11:45:17,302 INFO MainThread:84116 [wandb_run.py:_footer_sync_info():3953] logging synced files +2024-05-14 11:45:17,302 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: shutdown +2024-05-14 11:45:17,302 INFO HandlerThread:84116 [handler.py:finish():882] shutting down handler +2024-05-14 11:45:18,249 INFO WriterThread:84116 [datastore.py:close():296] close: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/run-n61ndviq.wandb +2024-05-14 11:45:18,302 INFO SenderThread:84116 [sender.py:finish():1545] shutting down sender +2024-05-14 11:45:18,302 INFO SenderThread:84116 [file_pusher.py:finish():169] shutting down file pusher +2024-05-14 11:45:18,302 INFO SenderThread:84116 [file_pusher.py:join():175] waiting for file pusher diff --git a/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/logs/debug.log b/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/logs/debug.log new file mode 100644 index 0000000000000000000000000000000000000000..37a581933b01ed3817d8aaa1ff67d50de45902e6 --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/logs/debug.log @@ -0,0 +1,29 @@ +2024-05-14 11:44:44,094 INFO MainThread:82831 [wandb_setup.py:_flush():76] Current SDK version is 0.17.0 +2024-05-14 11:44:44,094 INFO MainThread:82831 [wandb_setup.py:_flush():76] Configure stats pid to 82831 +2024-05-14 11:44:44,094 INFO MainThread:82831 [wandb_setup.py:_flush():76] Loading settings from /root/.config/wandb/settings +2024-05-14 11:44:44,094 INFO MainThread:82831 [wandb_setup.py:_flush():76] Loading settings from /data/cronscript/lm-evaluation-harness/wandb/settings +2024-05-14 11:44:44,094 INFO MainThread:82831 [wandb_setup.py:_flush():76] Loading settings from environment variables: {} +2024-05-14 11:44:44,094 INFO MainThread:82831 [wandb_setup.py:_flush():76] Applying setup settings: {'_disable_service': False} +2024-05-14 11:44:44,094 WARNING MainThread:82831 [wandb_setup.py:_flush():76] Could not find program at -m lm_eval.__main__ +2024-05-14 11:44:44,094 INFO MainThread:82831 [wandb_setup.py:_flush():76] Inferring run settings from compute environment: {'program_relpath': None, 'program': '-m lm_eval.__main__'} +2024-05-14 11:44:44,094 INFO MainThread:82831 [wandb_setup.py:_flush():76] Applying login settings: {} +2024-05-14 11:44:44,094 INFO MainThread:82831 [wandb_init.py:_log_setup():520] Logging user logs to /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/logs/debug.log +2024-05-14 11:44:44,094 INFO MainThread:82831 [wandb_init.py:_log_setup():521] Logging internal logs to /data/cronscript/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/logs/debug-internal.log +2024-05-14 11:44:44,094 INFO MainThread:82831 [wandb_init.py:init():560] calling init triggers +2024-05-14 11:44:44,094 INFO MainThread:82831 [wandb_init.py:init():567] wandb.init called with sweep_config: {} +config: {} +2024-05-14 11:44:44,094 INFO MainThread:82831 [wandb_init.py:init():610] starting backend +2024-05-14 11:44:44,094 INFO MainThread:82831 [wandb_init.py:init():614] setting up manager +2024-05-14 11:44:44,096 INFO MainThread:82831 [backend.py:_multiprocessing_setup():105] multiprocessing start_methods=fork,spawn,forkserver, using: spawn +2024-05-14 11:44:44,097 INFO MainThread:82831 [wandb_init.py:init():622] backend started and connected +2024-05-14 11:44:44,101 INFO MainThread:82831 [wandb_init.py:init():711] updated telemetry +2024-05-14 11:44:44,119 INFO MainThread:82831 [wandb_init.py:init():744] communicating run to backend with 90.0 second timeout +2024-05-14 11:44:44,360 INFO MainThread:82831 [wandb_run.py:_on_init():2396] communicating current version +2024-05-14 11:44:44,439 INFO MainThread:82831 [wandb_run.py:_on_init():2405] got version response +2024-05-14 11:44:44,439 INFO MainThread:82831 [wandb_init.py:init():795] starting run threads in backend +2024-05-14 11:44:44,714 INFO MainThread:82831 [wandb_run.py:_console_start():2374] atexit reg +2024-05-14 11:44:44,715 INFO MainThread:82831 [wandb_run.py:_redirect():2229] redirect: wrap_raw +2024-05-14 11:44:44,715 INFO MainThread:82831 [wandb_run.py:_redirect():2294] Wrapping output streams. +2024-05-14 11:44:44,715 INFO MainThread:82831 [wandb_run.py:_redirect():2319] Redirects installed. +2024-05-14 11:44:44,716 INFO MainThread:82831 [wandb_init.py:init():838] run started, returning control to user process +2024-05-14 11:45:18,303 WARNING MsgRouterThr:82831 [router.py:message_loop():77] message_loop has been closed diff --git a/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/run-n61ndviq.wandb b/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/run-n61ndviq.wandb new file mode 100644 index 0000000000000000000000000000000000000000..ddf019ef03537272c20f90f87f1675c3383a79c7 Binary files /dev/null and b/lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/run-n61ndviq.wandb differ diff --git a/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/config.yaml b/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/config.yaml new file mode 100644 index 0000000000000000000000000000000000000000..c9f6c8298d7f6388c49b502891050f1a4aef6d7c --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/config.yaml @@ -0,0 +1,43 @@ +wandb_version: 1 + +_wandb: + desc: null + value: + python_version: 3.10.12 + cli_version: 0.17.0 + framework: huggingface + huggingface_version: 4.40.2 + is_jupyter_run: false + is_kaggle_kernel: false + start_time: 1715705031 + t: + 1: + - 1 + - 5 + - 11 + - 49 + - 51 + - 53 + - 55 + - 71 + - 98 + - 100 + 2: + - 1 + - 5 + - 11 + - 49 + - 51 + - 53 + - 55 + - 71 + - 98 + - 100 + 3: + - 23 + 4: 3.10.12 + 5: 0.17.0 + 6: 4.40.2 + 8: + - 5 + 13: linux-x86_64 diff --git a/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/output.log b/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/output.log new file mode 100644 index 0000000000000000000000000000000000000000..2b01cde7a91ab7ec02dd9872b4d36c1fb444845b --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/output.log @@ -0,0 +1,28 @@ + +2024-05-14:16:43:51,998 INFO [__main__.py:251] Verbosity set to INFO +2024-05-14:16:43:56,657 INFO [__main__.py:335] Selected Tasks: ['indiccopa-hi'] +2024-05-14:16:43:56,661 INFO [evaluator.py:131] Setting random seed to 0 | Setting numpy seed to 1234 | Setting torch manual seed to 1234 +2024-05-14:16:43:56,661 INFO [evaluator.py:177] Initializing hf model, with arguments: {'pretrained': '/data/cronscript/ckpts//hf_ckpt//global_step100'} +/usr/local/lib/python3.10/dist-packages/habana_frameworks/torch/gpu_migration/core/register.py:145: UserWarning: "hpu:X" notation is not supported by Gaudi PyTorch intergration bridge. Please change to "hpu" without index (Triggered internally at /npu-stack/pytorch-integration/pytorch_helpers/lazy_to_backend.cpp:53.) + return func(*args, **kwargs) +/usr/local/lib/python3.10/dist-packages/habana_frameworks/torch/gpu_migration/torch/cuda/memory.py:36: UserWarning: No need to call empty_cache on HPU. It manages the memory internally in an effcient way. + warnings.warn( +/usr/local/lib/python3.10/dist-packages/habana_frameworks/torch/hpu/__init__.py:158: UserWarning: torch.hpu.setDeterministic is deprecated and will be removed in next release. Please use torch.use_deterministic_algorithms instead. + warnings.warn( +You are using the default legacy behaviour of the . This is expected, and simply means that the `legacy` (previous) behavior will be used so nothing changes for you. If you want to use the new behaviour, set `legacy=False`. This should only be set if you understand what it means, and thoroughly read the reason why this was added as explained in https://github.com/huggingface/transformers/pull/24565 +2024-05-14:16:44:05,369 WARNING [task.py:763] [Task: indiccopa-hi] metric acc is defined, but aggregation is not. using default aggregation=mean +2024-05-14:16:44:05,370 WARNING [task.py:775] [Task: indiccopa-hi] metric acc is defined, but higher_is_better is not. using default higher_is_better=True +[2024-05-14 16:44:04,912] [INFO] [real_accelerator.py:178:get_accelerator] Setting ds_accelerator to hpu (auto detect) +/usr/local/lib/python3.10/dist-packages/datasets/load.py:1486: FutureWarning: The repository for ai4bharat/IndicCOPA contains custom code which must be executed to correctly load the dataset. You can inspect the repository content at https://hf.co/datasets/ai4bharat/IndicCOPA +You can avoid this message in future by passing the argument `trust_remote_code=True`. +Passing `trust_remote_code=True` will be mandatory to load this dataset from the next major release of `datasets`. + warnings.warn( +2024-05-14:16:44:07,146 WARNING [task.py:322] [Task: indiccopa-hi] has_training_docs and has_validation_docs are False, using test_docs as fewshot_docs but this is not recommended. +2024-05-14:16:44:07,147 WARNING [task.py:322] [Task: indiccopa-hi] has_training_docs and has_validation_docs are False, using test_docs as fewshot_docs but this is not recommended. +2024-05-14:16:44:07,166 INFO [task.py:395] Building contexts for indiccopa-hi on rank 3... +100%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 56/56 [00:00<00:00, 106136.93it/s] +2024-05-14:16:44:08,634 INFO [evaluator.py:379] Running loglikelihood requests +/usr/local/lib/python3.10/dist-packages/habana_frameworks/torch/gpu_migration/torch/cuda/memory.py:36: UserWarning: No need to call empty_cache on HPU. It manages the memory internally in an effcient way. + warnings.warn( +Passed argument batch_size = auto:1. Detecting largest batch size +Determined largest batch size: 64 \ No newline at end of file diff --git a/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/requirements.txt b/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/requirements.txt new file mode 100644 index 0000000000000000000000000000000000000000..d63edd781bd5bdbb7f67523ac1ba9f0f1ed392dc --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/requirements.txt @@ -0,0 +1,163 @@ +DataProperty==1.0.1 +GitPython==3.1.43 +Jinja2==3.1.3 +Markdown==3.6 +MarkupSafe==2.1.5 +Pillow-SIMD==7.0.0.post3 +PyYAML==6.0 +Werkzeug==3.0.2 +absl-py==2.1.0 +accelerate==0.30.1 +aiohttp==3.9.4 +aiosignal==1.3.1 +antlr4-python3-runtime==4.9.3 +anyio==4.3.0 +async-timeout==4.0.3 +attrs==23.2.0 +av==9.2.0 +cachetools==5.3.3 +certifi==2024.2.2 +cffi==1.15.1 +cfgv==3.4.0 +chardet==5.2.0 +charset-normalizer==3.3.2 +click==8.1.7 +cmake==3.29.2 +colorama==0.4.6 +datasets==2.19.1 +deepspeed==0.12.4+hpu.synapse.v1.15.1 +dill==0.3.8 +distlib==0.3.8 +distro==1.9.0 +docker-pycreds==0.4.0 +einops==0.8.0 +evaluate==0.4.2 +exceptiongroup==1.2.0 +expecttest==0.2.1 +filelock==3.13.4 +frozenlist==1.4.1 +fsspec==2024.3.1 +gitdb==4.0.11 +google-auth-oauthlib==0.4.6 +google-auth==2.29.0 +grpcio==1.62.1 +h11==0.14.0 +habana-media-loader==1.15.1.15 +habana-pyhlml==1.15.1.15 +habana-torch-dataloader==1.15.1.15 +habana-torch-plugin==1.15.1.15 +habana_gpu_migration==1.15.1.15 +habana_quantization_toolkit==1.15.1.15 +hjson==3.1.0 +httpcore==1.0.5 +httpx==0.27.0 +huggingface-hub==0.23.0 +identify==2.5.35 +idna==3.7 +importlib_resources==6.4.0 +iniconfig==2.0.0 +joblib==1.4.2 +jsonlines==4.0.0 +lightning-habana==1.4.0 +lightning-utilities==0.11.2 +lightning==2.2.0.post0 +lm_eval==0.3.0 +lm_eval==0.4.2 +lm_eval==0.4.2 +lm_eval==0.4.2 +mbstrdecoder==1.1.3 +more-itertools==10.2.0 +mpi4py==3.1.4 +mpmath==1.3.0 +multidict==6.0.5 +multiprocess==0.70.16 +networkx==3.3 +ninja==1.11.1.1 +nltk==3.8.1 +nodeenv==1.8.0 +numexpr==2.10.0 +numpy==1.23.5 +oauthlib==3.2.2 +omegaconf==2.3.0 +openai==1.29.0 +packaging==24.0 +pandas==2.0.1 +pathspec==0.12.1 +pathvalidate==3.2.0 +peft==0.10.0 +perfetto==0.7.0 +pip==22.0.2 +pip==23.3.1 +platformdirs==4.2.0 +pluggy==1.4.0 +portalocker==2.8.2 +pre-commit==3.3.3 +protobuf==3.20.3 +psutil==5.9.8 +py-cpuinfo==9.0.0 +pyarrow-hotfix==0.6 +pyarrow==16.0.0 +pyasn1==0.6.0 +pyasn1_modules==0.4.0 +pybind11==2.10.4 +pycountry==23.12.11 +pycparser==2.22 +pydantic==1.10.13 +pynvml==8.0.4 +pytablewriter==1.2.0 +pytest==8.1.1 +python-dateutil==2.9.0.post0 +pytorch-lightning==2.2.2 +pytz==2024.1 +regex==2023.5.5 +requests-oauthlib==2.0.0 +requests==2.31.0 +rouge_score==0.1.2 +rsa==4.9 +sacrebleu==1.5.0 +safetensors==0.4.3 +scikit-learn==1.4.2 +scipy==1.13.0 +sentencepiece==0.2.0 +sentry-sdk==2.1.1 +setproctitle==1.3.3 +setuptools==59.6.0 +setuptools==69.5.1 +six==1.16.0 +smmap==5.0.1 +sniffio==1.3.1 +sqlitedict==2.1.0 +symengine==0.11.0 +sympy==1.12 +tabledata==1.3.3 +tcolorpy==0.1.6 +tdqm==0.0.1 +tensorboard-data-server==0.6.1 +tensorboard-plugin-wit==1.8.1 +tensorboard==2.11.2 +threadpoolctl==3.5.0 +tokenizers==0.19.1 +tomli==2.0.1 +torch==2.2.0a0+git8964477 +torch_tb_profiler==0.4.0 +torchaudio==2.2.0+08901ad +torchdata==0.7.1+5e6f7b7 +torchmetrics==1.3.2 +torchtext==0.17.0+400da5c +torchvision==0.17.0+b2383d4 +tqdm-multiprocess==0.0.11 +tqdm==4.66.2 +transformers==4.40.2 +typepy==1.3.2 +typing_extensions==4.11.0 +tzdata==2024.1 +urllib3==1.26.18 +virtualenv==20.25.1 +wandb==0.17.0 +wheel==0.37.1 +wheel==0.43.0 +word2number==1.1 +xxhash==3.4.1 +yamllint==1.35.1 +yarl==1.9.4 +zstandard==0.22.0 \ No newline at end of file diff --git a/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/wandb-metadata.json b/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/wandb-metadata.json new file mode 100644 index 0000000000000000000000000000000000000000..e4960952b8b043691b08f774f9606c3c97702eb8 --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/wandb-metadata.json @@ -0,0 +1,810 @@ +{ + "os": "Linux-5.15.0-92-generic-x86_64-with-glibc2.35", + "python": "3.10.12", + "heartbeatAt": "2024-05-14T16:43:51.850352", + "startedAt": "2024-05-14T16:43:51.408469", + "docker": null, + "cuda": null, + "args": [ + "--model", + "hf", + "--model_args", + "pretrained=/data/cronscript/ckpts//hf_ckpt//global_step100", + "--tasks", + "indiccopa-hi", + "--batch_size", + "auto", + "--wandb_args", + "project=bharatgpt,group=trial_expt" + ], + "state": "running", + "program": "-m lm_eval.__main__", + "codePathLocal": null, + "git": { + "remote": "https://github.com/EleutherAI/lm-evaluation-harness", + "commit": null + }, + "email": null, + "root": "/data/cronscript/lm-evaluation-harness", + "host": "vizzhy-150-3", + "username": "root", + "executable": "/usr/bin/python3", + "cpu_count": 76, + "cpu_count_logical": 152, + "cpu_freq": { + "current": 3390.8479868421055, + "min": 800.0, + "max": 3400.0 + }, + "cpu_freq_per_core": [ + { + "current": 3300.002, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3277.613, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3212.586, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3257.365, + "min": 800.0, + "max": 3400.0 + } + ], + "disk": { + "/": { + "total": 866.4415092468262, + "used": 863.4306488037109 + } + }, + "memory": { + "total": 1007.5000267028809 + } +} diff --git a/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/wandb-summary.json b/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/wandb-summary.json new file mode 100644 index 0000000000000000000000000000000000000000..91df0012cef27fbd76437f2803da1fd4192acd69 --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/wandb-summary.json @@ -0,0 +1 @@ +{"_wandb": {"runtime": 24}} \ No newline at end of file diff --git a/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/logs/debug-internal.log b/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/logs/debug-internal.log new file mode 100644 index 0000000000000000000000000000000000000000..72112302ce151864ff8580c161fe294404d268d0 --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/logs/debug-internal.log @@ -0,0 +1,193 @@ +2024-05-14 16:43:51,420 INFO StreamThr :130109 [internal.py:wandb_internal():85] W&B internal server running at pid: 130109, started at: 2024-05-14 16:43:51.420170 +2024-05-14 16:43:51,422 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: status +2024-05-14 16:43:51,424 INFO WriterThread:130109 [datastore.py:open_for_write():87] open: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/run-tzl0yppn.wandb +2024-05-14 16:43:51,424 DEBUG SenderThread:130109 [sender.py:send():378] send: header +2024-05-14 16:43:51,433 DEBUG SenderThread:130109 [sender.py:send():378] send: run +2024-05-14 16:43:51,688 INFO SenderThread:130109 [dir_watcher.py:__init__():211] watching files in: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files +2024-05-14 16:43:51,688 INFO SenderThread:130109 [sender.py:_start_run_threads():1123] run started: tzl0yppn with start time 1715705031.419538 +2024-05-14 16:43:51,695 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: check_version +2024-05-14 16:43:51,695 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: check_version +2024-05-14 16:43:51,778 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: run_start +2024-05-14 16:43:51,780 DEBUG HandlerThread:130109 [system_info.py:__init__():26] System info init +2024-05-14 16:43:51,780 DEBUG HandlerThread:130109 [system_info.py:__init__():41] System info init done +2024-05-14 16:43:51,780 INFO HandlerThread:130109 [system_monitor.py:start():194] Starting system monitor +2024-05-14 16:43:51,780 INFO SystemMonitor:130109 [system_monitor.py:_start():158] Starting system asset monitoring threads +2024-05-14 16:43:51,780 INFO HandlerThread:130109 [system_monitor.py:probe():214] Collecting system info +2024-05-14 16:43:51,781 INFO SystemMonitor:130109 [interfaces.py:start():188] Started cpu monitoring +2024-05-14 16:43:51,781 INFO SystemMonitor:130109 [interfaces.py:start():188] Started disk monitoring +2024-05-14 16:43:51,782 INFO SystemMonitor:130109 [interfaces.py:start():188] Started memory monitoring +2024-05-14 16:43:51,782 INFO SystemMonitor:130109 [interfaces.py:start():188] Started network monitoring +2024-05-14 16:43:51,850 DEBUG HandlerThread:130109 [system_info.py:probe():150] Probing system +2024-05-14 16:43:51,858 DEBUG HandlerThread:130109 [system_info.py:_probe_git():135] Probing git +2024-05-14 16:43:51,877 ERROR HandlerThread:130109 [gitlib.py:root():92] git root error: Cmd('git') failed due to: exit code(128) + cmdline: git rev-parse --show-toplevel + stderr: 'fatal: detected dubious ownership in repository at '/data/cronscript/lm-evaluation-harness' +To add an exception for this directory, call: + + git config --global --add safe.directory /data/cronscript/lm-evaluation-harness' +2024-05-14 16:43:51,877 DEBUG HandlerThread:130109 [system_info.py:_probe_git():143] Probing git done +2024-05-14 16:43:51,877 DEBUG HandlerThread:130109 [system_info.py:probe():198] Probing system done +2024-05-14 16:43:51,877 DEBUG HandlerThread:130109 [system_monitor.py:probe():223] {'os': 'Linux-5.15.0-92-generic-x86_64-with-glibc2.35', 'python': '3.10.12', 'heartbeatAt': '2024-05-14T16:43:51.850352', 'startedAt': '2024-05-14T16:43:51.408469', 'docker': None, 'cuda': None, 'args': ('--model', 'hf', '--model_args', 'pretrained=/data/cronscript/ckpts//hf_ckpt//global_step100', '--tasks', 'indiccopa-hi', '--batch_size', 'auto', '--wandb_args', 'project=bharatgpt,group=trial_expt'), 'state': 'running', 'program': '-m lm_eval.__main__', 'codePathLocal': None, 'git': {'remote': 'https://github.com/EleutherAI/lm-evaluation-harness', 'commit': None}, 'email': None, 'root': '/data/cronscript/lm-evaluation-harness', 'host': 'vizzhy-150-3', 'username': 'root', 'executable': '/usr/bin/python3', 'cpu_count': 76, 'cpu_count_logical': 152, 'cpu_freq': {'current': 3390.8479868421055, 'min': 800.0, 'max': 3400.0}, 'cpu_freq_per_core': [{'current': 3300.002, 'min': 800.0, 'max': 3400.0}, {'current': 3300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3277.613, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3212.586, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3257.365, 'min': 800.0, 'max': 3400.0}], 'disk': {'/': {'total': 866.4415092468262, 'used': 863.4306488037109}}, 'memory': {'total': 1007.5000267028809}} +2024-05-14 16:43:51,878 INFO HandlerThread:130109 [system_monitor.py:probe():224] Finished collecting system info +2024-05-14 16:43:51,878 INFO HandlerThread:130109 [system_monitor.py:probe():227] Publishing system info +2024-05-14 16:43:51,884 INFO HandlerThread:130109 [system_monitor.py:probe():229] Finished publishing system info +2024-05-14 16:43:51,888 DEBUG SenderThread:130109 [sender.py:send():378] send: files +2024-05-14 16:43:51,888 INFO SenderThread:130109 [sender.py:_save_file():1389] saving file wandb-metadata.json with policy now +2024-05-14 16:43:51,991 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: python_packages +2024-05-14 16:43:51,991 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: python_packages +2024-05-14 16:43:51,992 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: stop_status +2024-05-14 16:43:51,992 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: stop_status +2024-05-14 16:43:52,161 DEBUG SenderThread:130109 [sender.py:send():378] send: telemetry +2024-05-14 16:43:52,396 INFO wandb-upload_0:130109 [upload_job.py:push():130] Uploaded file /tmp/tmpjoah78t6wandb/tirvi8z3-wandb-metadata.json +2024-05-14 16:43:52,689 INFO Thread-12 :130109 [dir_watcher.py:_on_file_created():271] file/dir created: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/wandb-metadata.json +2024-05-14 16:43:52,690 INFO Thread-12 :130109 [dir_watcher.py:_on_file_created():271] file/dir created: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/output.log +2024-05-14 16:43:52,690 INFO Thread-12 :130109 [dir_watcher.py:_on_file_created():271] file/dir created: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/requirements.txt +2024-05-14 16:43:54,689 INFO Thread-12 :130109 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/output.log +2024-05-14 16:43:56,659 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: status_report +2024-05-14 16:43:58,691 INFO Thread-12 :130109 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/output.log +2024-05-14 16:44:01,662 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: status_report +2024-05-14 16:44:04,695 INFO Thread-12 :130109 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/output.log +2024-05-14 16:44:06,696 INFO Thread-12 :130109 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/output.log +2024-05-14 16:44:06,991 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: stop_status +2024-05-14 16:44:06,992 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: stop_status +2024-05-14 16:44:07,074 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: status_report +2024-05-14 16:44:07,697 INFO Thread-12 :130109 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/output.log +2024-05-14 16:44:08,697 INFO Thread-12 :130109 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/output.log +2024-05-14 16:44:10,699 INFO Thread-12 :130109 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/output.log +2024-05-14 16:44:11,700 INFO Thread-12 :130109 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/output.log +2024-05-14 16:44:12,165 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: status_report +2024-05-14 16:44:15,884 DEBUG SenderThread:130109 [sender.py:send():378] send: exit +2024-05-14 16:44:15,884 INFO SenderThread:130109 [sender.py:send_exit():585] handling exit code: 0 +2024-05-14 16:44:15,884 INFO SenderThread:130109 [sender.py:send_exit():587] handling runtime: 24 +2024-05-14 16:44:15,885 INFO SenderThread:130109 [sender.py:_save_file():1389] saving file wandb-summary.json with policy end +2024-05-14 16:44:15,886 INFO SenderThread:130109 [sender.py:send_exit():593] send defer +2024-05-14 16:44:15,886 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: defer +2024-05-14 16:44:15,886 INFO HandlerThread:130109 [handler.py:handle_request_defer():184] handle defer: 0 +2024-05-14 16:44:15,886 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: defer +2024-05-14 16:44:15,886 INFO SenderThread:130109 [sender.py:send_request_defer():609] handle sender defer: 0 +2024-05-14 16:44:15,886 INFO SenderThread:130109 [sender.py:transition_state():613] send defer: 1 +2024-05-14 16:44:15,886 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: defer +2024-05-14 16:44:15,886 INFO HandlerThread:130109 [handler.py:handle_request_defer():184] handle defer: 1 +2024-05-14 16:44:15,886 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: defer +2024-05-14 16:44:15,886 INFO SenderThread:130109 [sender.py:send_request_defer():609] handle sender defer: 1 +2024-05-14 16:44:15,886 INFO SenderThread:130109 [sender.py:transition_state():613] send defer: 2 +2024-05-14 16:44:15,886 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: defer +2024-05-14 16:44:15,886 INFO HandlerThread:130109 [handler.py:handle_request_defer():184] handle defer: 2 +2024-05-14 16:44:15,886 INFO HandlerThread:130109 [system_monitor.py:finish():203] Stopping system monitor +2024-05-14 16:44:15,887 INFO HandlerThread:130109 [interfaces.py:finish():200] Joined cpu monitor +2024-05-14 16:44:15,887 DEBUG SystemMonitor:130109 [system_monitor.py:_start():172] Starting system metrics aggregation loop +2024-05-14 16:44:15,887 INFO HandlerThread:130109 [interfaces.py:finish():200] Joined disk monitor +2024-05-14 16:44:15,888 DEBUG SystemMonitor:130109 [system_monitor.py:_start():179] Finished system metrics aggregation loop +2024-05-14 16:44:15,888 INFO HandlerThread:130109 [interfaces.py:finish():200] Joined memory monitor +2024-05-14 16:44:15,888 DEBUG SystemMonitor:130109 [system_monitor.py:_start():183] Publishing last batch of metrics +2024-05-14 16:44:15,888 INFO HandlerThread:130109 [interfaces.py:finish():200] Joined network monitor +2024-05-14 16:44:15,889 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: defer +2024-05-14 16:44:15,890 INFO SenderThread:130109 [sender.py:send_request_defer():609] handle sender defer: 2 +2024-05-14 16:44:15,890 INFO SenderThread:130109 [sender.py:transition_state():613] send defer: 3 +2024-05-14 16:44:15,890 DEBUG SenderThread:130109 [sender.py:send():378] send: stats +2024-05-14 16:44:15,890 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: defer +2024-05-14 16:44:15,890 INFO HandlerThread:130109 [handler.py:handle_request_defer():184] handle defer: 3 +2024-05-14 16:44:15,890 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: defer +2024-05-14 16:44:15,890 INFO SenderThread:130109 [sender.py:send_request_defer():609] handle sender defer: 3 +2024-05-14 16:44:15,890 INFO SenderThread:130109 [sender.py:transition_state():613] send defer: 4 +2024-05-14 16:44:15,890 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: defer +2024-05-14 16:44:15,890 INFO HandlerThread:130109 [handler.py:handle_request_defer():184] handle defer: 4 +2024-05-14 16:44:15,891 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: defer +2024-05-14 16:44:15,891 INFO SenderThread:130109 [sender.py:send_request_defer():609] handle sender defer: 4 +2024-05-14 16:44:15,891 INFO SenderThread:130109 [sender.py:transition_state():613] send defer: 5 +2024-05-14 16:44:15,891 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: defer +2024-05-14 16:44:15,891 INFO HandlerThread:130109 [handler.py:handle_request_defer():184] handle defer: 5 +2024-05-14 16:44:15,891 DEBUG SenderThread:130109 [sender.py:send():378] send: summary +2024-05-14 16:44:15,891 INFO SenderThread:130109 [sender.py:_save_file():1389] saving file wandb-summary.json with policy end +2024-05-14 16:44:15,892 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: defer +2024-05-14 16:44:15,892 INFO SenderThread:130109 [sender.py:send_request_defer():609] handle sender defer: 5 +2024-05-14 16:44:15,892 INFO SenderThread:130109 [sender.py:transition_state():613] send defer: 6 +2024-05-14 16:44:15,892 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: defer +2024-05-14 16:44:15,892 INFO HandlerThread:130109 [handler.py:handle_request_defer():184] handle defer: 6 +2024-05-14 16:44:15,892 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: defer +2024-05-14 16:44:15,892 INFO SenderThread:130109 [sender.py:send_request_defer():609] handle sender defer: 6 +2024-05-14 16:44:15,894 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: status_report +2024-05-14 16:44:15,959 INFO SenderThread:130109 [sender.py:transition_state():613] send defer: 7 +2024-05-14 16:44:15,959 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: defer +2024-05-14 16:44:15,959 INFO HandlerThread:130109 [handler.py:handle_request_defer():184] handle defer: 7 +2024-05-14 16:44:15,959 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: defer +2024-05-14 16:44:15,959 INFO SenderThread:130109 [sender.py:send_request_defer():609] handle sender defer: 7 +2024-05-14 16:44:16,704 INFO Thread-12 :130109 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/config.yaml +2024-05-14 16:44:16,704 INFO Thread-12 :130109 [dir_watcher.py:_on_file_created():271] file/dir created: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/wandb-summary.json +2024-05-14 16:44:16,884 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: poll_exit +2024-05-14 16:44:16,927 INFO SenderThread:130109 [sender.py:transition_state():613] send defer: 8 +2024-05-14 16:44:16,928 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: poll_exit +2024-05-14 16:44:16,928 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: defer +2024-05-14 16:44:16,928 INFO HandlerThread:130109 [handler.py:handle_request_defer():184] handle defer: 8 +2024-05-14 16:44:16,928 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: defer +2024-05-14 16:44:16,928 INFO SenderThread:130109 [sender.py:send_request_defer():609] handle sender defer: 8 +2024-05-14 16:44:16,928 INFO SenderThread:130109 [job_builder.py:build():432] Attempting to build job artifact +2024-05-14 16:44:16,929 INFO SenderThread:130109 [job_builder.py:_get_source_type():576] no source found +2024-05-14 16:44:16,929 INFO SenderThread:130109 [sender.py:transition_state():613] send defer: 9 +2024-05-14 16:44:16,929 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: defer +2024-05-14 16:44:16,929 INFO HandlerThread:130109 [handler.py:handle_request_defer():184] handle defer: 9 +2024-05-14 16:44:16,929 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: defer +2024-05-14 16:44:16,929 INFO SenderThread:130109 [sender.py:send_request_defer():609] handle sender defer: 9 +2024-05-14 16:44:16,929 INFO SenderThread:130109 [dir_watcher.py:finish():358] shutting down directory watcher +2024-05-14 16:44:17,704 INFO Thread-12 :130109 [dir_watcher.py:_on_file_modified():288] file/dir modified: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/output.log +2024-05-14 16:44:17,705 INFO SenderThread:130109 [dir_watcher.py:finish():388] scan: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files +2024-05-14 16:44:17,705 INFO SenderThread:130109 [dir_watcher.py:finish():402] scan save: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/requirements.txt requirements.txt +2024-05-14 16:44:17,705 INFO SenderThread:130109 [dir_watcher.py:finish():402] scan save: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/wandb-summary.json wandb-summary.json +2024-05-14 16:44:17,706 INFO SenderThread:130109 [dir_watcher.py:finish():402] scan save: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/wandb-metadata.json wandb-metadata.json +2024-05-14 16:44:17,706 INFO SenderThread:130109 [dir_watcher.py:finish():402] scan save: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/output.log output.log +2024-05-14 16:44:17,707 INFO SenderThread:130109 [dir_watcher.py:finish():402] scan save: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/config.yaml config.yaml +2024-05-14 16:44:17,707 INFO SenderThread:130109 [sender.py:transition_state():613] send defer: 10 +2024-05-14 16:44:17,709 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: defer +2024-05-14 16:44:17,710 INFO HandlerThread:130109 [handler.py:handle_request_defer():184] handle defer: 10 +2024-05-14 16:44:17,712 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: defer +2024-05-14 16:44:17,712 INFO SenderThread:130109 [sender.py:send_request_defer():609] handle sender defer: 10 +2024-05-14 16:44:17,712 INFO SenderThread:130109 [file_pusher.py:finish():169] shutting down file pusher +2024-05-14 16:44:17,884 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: poll_exit +2024-05-14 16:44:17,885 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: poll_exit +2024-05-14 16:44:17,953 INFO wandb-upload_0:130109 [upload_job.py:push():130] Uploaded file /data/cronscript/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/requirements.txt +2024-05-14 16:44:18,104 INFO wandb-upload_1:130109 [upload_job.py:push():130] Uploaded file /data/cronscript/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/wandb-summary.json +2024-05-14 16:44:18,207 INFO wandb-upload_3:130109 [upload_job.py:push():130] Uploaded file /data/cronscript/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/config.yaml +2024-05-14 16:44:18,242 INFO wandb-upload_2:130109 [upload_job.py:push():130] Uploaded file /data/cronscript/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/output.log +2024-05-14 16:44:18,442 INFO Thread-11 (_thread_body):130109 [sender.py:transition_state():613] send defer: 11 +2024-05-14 16:44:18,442 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: defer +2024-05-14 16:44:18,442 INFO HandlerThread:130109 [handler.py:handle_request_defer():184] handle defer: 11 +2024-05-14 16:44:18,443 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: defer +2024-05-14 16:44:18,443 INFO SenderThread:130109 [sender.py:send_request_defer():609] handle sender defer: 11 +2024-05-14 16:44:18,443 INFO SenderThread:130109 [file_pusher.py:join():175] waiting for file pusher +2024-05-14 16:44:18,443 INFO SenderThread:130109 [sender.py:transition_state():613] send defer: 12 +2024-05-14 16:44:18,443 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: defer +2024-05-14 16:44:18,443 INFO HandlerThread:130109 [handler.py:handle_request_defer():184] handle defer: 12 +2024-05-14 16:44:18,443 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: defer +2024-05-14 16:44:18,443 INFO SenderThread:130109 [sender.py:send_request_defer():609] handle sender defer: 12 +2024-05-14 16:44:18,443 INFO SenderThread:130109 [file_stream.py:finish():601] file stream finish called +2024-05-14 16:44:18,546 INFO SenderThread:130109 [file_stream.py:finish():605] file stream finish is done +2024-05-14 16:44:18,546 INFO SenderThread:130109 [sender.py:transition_state():613] send defer: 13 +2024-05-14 16:44:18,546 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: defer +2024-05-14 16:44:18,546 INFO HandlerThread:130109 [handler.py:handle_request_defer():184] handle defer: 13 +2024-05-14 16:44:18,546 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: defer +2024-05-14 16:44:18,546 INFO SenderThread:130109 [sender.py:send_request_defer():609] handle sender defer: 13 +2024-05-14 16:44:18,546 INFO SenderThread:130109 [sender.py:transition_state():613] send defer: 14 +2024-05-14 16:44:18,546 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: defer +2024-05-14 16:44:18,546 DEBUG SenderThread:130109 [sender.py:send():378] send: final +2024-05-14 16:44:18,546 INFO HandlerThread:130109 [handler.py:handle_request_defer():184] handle defer: 14 +2024-05-14 16:44:18,547 DEBUG SenderThread:130109 [sender.py:send():378] send: footer +2024-05-14 16:44:18,547 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: defer +2024-05-14 16:44:18,547 INFO SenderThread:130109 [sender.py:send_request_defer():609] handle sender defer: 14 +2024-05-14 16:44:18,547 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: poll_exit +2024-05-14 16:44:18,547 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: poll_exit +2024-05-14 16:44:18,548 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: poll_exit +2024-05-14 16:44:18,548 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: poll_exit +2024-05-14 16:44:18,548 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: server_info +2024-05-14 16:44:18,548 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: get_summary +2024-05-14 16:44:18,548 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: server_info +2024-05-14 16:44:18,549 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: sampled_history +2024-05-14 16:44:18,550 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: internal_messages +2024-05-14 16:44:18,624 INFO MainThread:130109 [wandb_run.py:_footer_history_summary_info():3994] rendering history +2024-05-14 16:44:18,624 INFO MainThread:130109 [wandb_run.py:_footer_history_summary_info():4026] rendering summary +2024-05-14 16:44:18,624 INFO MainThread:130109 [wandb_run.py:_footer_sync_info():3953] logging synced files +2024-05-14 16:44:18,624 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: shutdown +2024-05-14 16:44:18,624 INFO HandlerThread:130109 [handler.py:finish():882] shutting down handler +2024-05-14 16:44:19,548 INFO WriterThread:130109 [datastore.py:close():296] close: /data/cronscript/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/run-tzl0yppn.wandb +2024-05-14 16:44:19,624 INFO SenderThread:130109 [sender.py:finish():1545] shutting down sender +2024-05-14 16:44:19,624 INFO SenderThread:130109 [file_pusher.py:finish():169] shutting down file pusher +2024-05-14 16:44:19,624 INFO SenderThread:130109 [file_pusher.py:join():175] waiting for file pusher diff --git a/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/logs/debug.log b/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/logs/debug.log new file mode 100644 index 0000000000000000000000000000000000000000..4c833e552222c7cfe3985632e68f6be8792661ce --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/logs/debug.log @@ -0,0 +1,29 @@ +2024-05-14 16:43:51,416 INFO MainThread:128890 [wandb_setup.py:_flush():76] Current SDK version is 0.17.0 +2024-05-14 16:43:51,416 INFO MainThread:128890 [wandb_setup.py:_flush():76] Configure stats pid to 128890 +2024-05-14 16:43:51,416 INFO MainThread:128890 [wandb_setup.py:_flush():76] Loading settings from /root/.config/wandb/settings +2024-05-14 16:43:51,416 INFO MainThread:128890 [wandb_setup.py:_flush():76] Loading settings from /data/cronscript/lm-evaluation-harness/wandb/settings +2024-05-14 16:43:51,416 INFO MainThread:128890 [wandb_setup.py:_flush():76] Loading settings from environment variables: {} +2024-05-14 16:43:51,416 INFO MainThread:128890 [wandb_setup.py:_flush():76] Applying setup settings: {'_disable_service': False} +2024-05-14 16:43:51,416 WARNING MainThread:128890 [wandb_setup.py:_flush():76] Could not find program at -m lm_eval.__main__ +2024-05-14 16:43:51,416 INFO MainThread:128890 [wandb_setup.py:_flush():76] Inferring run settings from compute environment: {'program_relpath': None, 'program': '-m lm_eval.__main__'} +2024-05-14 16:43:51,416 INFO MainThread:128890 [wandb_setup.py:_flush():76] Applying login settings: {} +2024-05-14 16:43:51,417 INFO MainThread:128890 [wandb_init.py:_log_setup():520] Logging user logs to /data/cronscript/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/logs/debug.log +2024-05-14 16:43:51,417 INFO MainThread:128890 [wandb_init.py:_log_setup():521] Logging internal logs to /data/cronscript/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/logs/debug-internal.log +2024-05-14 16:43:51,417 INFO MainThread:128890 [wandb_init.py:init():560] calling init triggers +2024-05-14 16:43:51,417 INFO MainThread:128890 [wandb_init.py:init():567] wandb.init called with sweep_config: {} +config: {} +2024-05-14 16:43:51,417 INFO MainThread:128890 [wandb_init.py:init():610] starting backend +2024-05-14 16:43:51,417 INFO MainThread:128890 [wandb_init.py:init():614] setting up manager +2024-05-14 16:43:51,418 INFO MainThread:128890 [backend.py:_multiprocessing_setup():105] multiprocessing start_methods=fork,spawn,forkserver, using: spawn +2024-05-14 16:43:51,419 INFO MainThread:128890 [wandb_init.py:init():622] backend started and connected +2024-05-14 16:43:51,422 INFO MainThread:128890 [wandb_init.py:init():711] updated telemetry +2024-05-14 16:43:51,432 INFO MainThread:128890 [wandb_init.py:init():744] communicating run to backend with 90.0 second timeout +2024-05-14 16:43:51,694 INFO MainThread:128890 [wandb_run.py:_on_init():2396] communicating current version +2024-05-14 16:43:51,773 INFO MainThread:128890 [wandb_run.py:_on_init():2405] got version response +2024-05-14 16:43:51,773 INFO MainThread:128890 [wandb_init.py:init():795] starting run threads in backend +2024-05-14 16:43:51,991 INFO MainThread:128890 [wandb_run.py:_console_start():2374] atexit reg +2024-05-14 16:43:51,992 INFO MainThread:128890 [wandb_run.py:_redirect():2229] redirect: wrap_raw +2024-05-14 16:43:51,992 INFO MainThread:128890 [wandb_run.py:_redirect():2294] Wrapping output streams. +2024-05-14 16:43:51,992 INFO MainThread:128890 [wandb_run.py:_redirect():2319] Redirects installed. +2024-05-14 16:43:51,994 INFO MainThread:128890 [wandb_init.py:init():838] run started, returning control to user process +2024-05-14 16:44:19,625 WARNING MsgRouterThr:128890 [router.py:message_loop():77] message_loop has been closed diff --git a/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/run-tzl0yppn.wandb b/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/run-tzl0yppn.wandb new file mode 100644 index 0000000000000000000000000000000000000000..15b52c33c2268f2f05885692ff9f52a52a55993e Binary files /dev/null and b/lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/run-tzl0yppn.wandb differ diff --git a/lm-evaluation-harness/wandb/run-20240522_164449-z16tyxyv/files/config.yaml b/lm-evaluation-harness/wandb/run-20240522_164449-z16tyxyv/files/config.yaml new file mode 100644 index 0000000000000000000000000000000000000000..531e27eef8310ef04a752e409fd2ff082ac209b0 --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240522_164449-z16tyxyv/files/config.yaml @@ -0,0 +1,43 @@ +wandb_version: 1 + +_wandb: + desc: null + value: + python_version: 3.10.12 + cli_version: 0.17.0 + framework: huggingface + huggingface_version: 4.41.0 + is_jupyter_run: false + is_kaggle_kernel: false + start_time: 1716396289 + t: + 1: + - 1 + - 5 + - 11 + - 49 + - 51 + - 53 + - 55 + - 71 + - 98 + - 100 + 2: + - 1 + - 5 + - 11 + - 49 + - 51 + - 53 + - 55 + - 71 + - 98 + - 100 + 3: + - 23 + 4: 3.10.12 + 5: 0.17.0 + 6: 4.41.0 + 8: + - 5 + 13: linux-x86_64 diff --git a/lm-evaluation-harness/wandb/run-20240522_164449-z16tyxyv/files/output.log b/lm-evaluation-harness/wandb/run-20240522_164449-z16tyxyv/files/output.log new file mode 100644 index 0000000000000000000000000000000000000000..1493b8a8beb85906edfb9030389271435a7cd87c --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240522_164449-z16tyxyv/files/output.log @@ -0,0 +1,43 @@ + +2024-05-22:16:44:49,734 INFO [__main__.py:251] Verbosity set to INFO +2024-05-22:16:44:58,265 INFO [__main__.py:335] Selected Tasks: ['arc_easy', 'hellaswag', 'mrpc', 'openbookqa', 'sst2', 'winogrande'] +2024-05-22:16:44:58,266 INFO [evaluator.py:131] Setting random seed to 0 | Setting numpy seed to 1234 | Setting torch manual seed to 1234 +2024-05-22:16:44:58,267 INFO [evaluator.py:177] Initializing hf model, with arguments: {'pretrained': '/mnt/weka/peacock/experiments/llama/checkpoint/llamav2-3b//hf_ckpt//global_step10000'} +2024-05-22:16:45:00,569 INFO [huggingface.py:164] Using device 'cuda' +Traceback (most recent call last): + File "/usr/local/lib/python3.10/dist-packages/transformers/utils/hub.py", line 399, in cached_file + resolved_file = hf_hub_download( + File "/usr/local/lib/python3.10/dist-packages/huggingface_hub/utils/_validators.py", line 106, in _inner_fn + validate_repo_id(arg_value) + File "/usr/local/lib/python3.10/dist-packages/huggingface_hub/utils/_validators.py", line 154, in validate_repo_id + raise HFValidationError( +huggingface_hub.errors.HFValidationError: Repo id must be in the form 'repo_name' or 'namespace/repo_name': '/mnt/weka/peacock/experiments/llama/checkpoint/llamav2-3b//hf_ckpt//global_step10000'. Use `repo_type` argument if needed. +The above exception was the direct cause of the following exception: +Traceback (most recent call last): + File "/usr/lib/python3.10/runpy.py", line 196, in _run_module_as_main + return _run_code(code, main_globals, None, + File "/usr/lib/python3.10/runpy.py", line 86, in _run_code + exec(code, run_globals) + File "/mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/lm_eval/__main__.py", line 417, in + cli_evaluate() + File "/mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/lm_eval/__main__.py", line 341, in cli_evaluate + results = evaluator.simple_evaluate( + File "/mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/lm_eval/utils.py", line 288, in _wrapper + return fn(*args, **kwargs) + File "/mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/lm_eval/evaluator.py", line 180, in simple_evaluate + lm = lm_eval.api.registry.get_model(model).create_from_arg_string( + File "/mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/lm_eval/api/model.py", line 134, in create_from_arg_string + return cls(**args, **args2) + File "/mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/lm_eval/models/huggingface.py", line 190, in __init__ + self._get_config( + File "/mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/lm_eval/models/huggingface.py", line 471, in _get_config + self._config = transformers.AutoConfig.from_pretrained( + File "/usr/local/lib/python3.10/dist-packages/transformers/models/auto/configuration_auto.py", line 934, in from_pretrained + config_dict, unused_kwargs = PretrainedConfig.get_config_dict(pretrained_model_name_or_path, **kwargs) + File "/usr/local/lib/python3.10/dist-packages/transformers/configuration_utils.py", line 632, in get_config_dict + config_dict, kwargs = cls._get_config_dict(pretrained_model_name_or_path, **kwargs) + File "/usr/local/lib/python3.10/dist-packages/transformers/configuration_utils.py", line 689, in _get_config_dict + resolved_config_file = cached_file( + File "/usr/local/lib/python3.10/dist-packages/transformers/utils/hub.py", line 463, in cached_file + raise EnvironmentError( +OSError: Incorrect path_or_model_id: '/mnt/weka/peacock/experiments/llama/checkpoint/llamav2-3b//hf_ckpt//global_step10000'. Please provide either the path to a local folder or the repo_id of a model on the Hub. \ No newline at end of file diff --git a/lm-evaluation-harness/wandb/run-20240522_164449-z16tyxyv/files/requirements.txt b/lm-evaluation-harness/wandb/run-20240522_164449-z16tyxyv/files/requirements.txt new file mode 100644 index 0000000000000000000000000000000000000000..a3573b3bbfd5b190fed4ccaed4ac2846002aec22 --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240522_164449-z16tyxyv/files/requirements.txt @@ -0,0 +1,155 @@ +DataProperty==1.0.1 +GitPython==3.1.43 +Jinja2==3.1.4 +Markdown==3.6 +MarkupSafe==2.1.5 +Pillow-SIMD==7.0.0.post3 +PyYAML==6.0 +Werkzeug==3.0.3 +absl-py==2.1.0 +accelerate==0.30.1 +aiohttp==3.9.5 +aiosignal==1.3.1 +async-timeout==4.0.3 +attrs==23.2.0 +av==9.2.0 +cachetools==5.3.3 +certifi==2024.2.2 +cffi==1.15.1 +cfgv==3.4.0 +chardet==5.2.0 +charset-normalizer==3.3.2 +click==8.1.7 +cmake==3.29.2 +colorama==0.4.6 +datasets==2.19.1 +deepspeed==0.12.4+hpu.synapse.v1.15.1 +dill==0.3.8 +distlib==0.3.8 +docker-pycreds==0.4.0 +einops==0.8.0 +evaluate==0.4.2 +exceptiongroup==1.2.1 +expecttest==0.2.1 +filelock==3.14.0 +frozenlist==1.4.1 +fsspec==2024.3.1 +gitdb==4.0.11 +google-auth-oauthlib==0.4.6 +google-auth==2.29.0 +grpcio==1.63.0 +habana-media-loader==1.15.1.15 +habana-pyhlml==1.15.1.15 +habana-torch-dataloader==1.15.1.15 +habana-torch-plugin==1.15.1.15 +habana_gpu_migration==1.15.1.15 +habana_quantization_toolkit==1.15.1.15 +hjson==3.1.0 +huggingface-hub==0.23.1 +identify==2.5.36 +idna==3.7 +iniconfig==2.0.0 +joblib==1.4.2 +jsonlines==4.0.0 +lightning-habana==1.4.0 +lightning-utilities==0.11.2 +lightning==2.2.0.post0 +lm_eval==0.4.2 +lm_eval==0.4.2 +lm_eval==0.4.2 +lxml==5.2.2 +mbstrdecoder==1.1.3 +more-itertools==10.2.0 +mpi4py==3.1.4 +mpmath==1.3.0 +multidict==6.0.5 +multiprocess==0.70.16 +networkx==3.3 +ninja==1.11.1.1 +nltk==3.8.1 +nodeenv==1.8.0 +numexpr==2.10.0 +numpy==1.23.5 +oauthlib==3.2.2 +packaging==24.0 +pandas==2.0.1 +pathspec==0.12.1 +pathvalidate==3.2.0 +peft==0.11.1 +perfetto==0.7.0 +pillow==10.3.0 +pip==22.0.2 +pip==23.3.1 +platformdirs==4.2.1 +pluggy==1.5.0 +portalocker==2.8.2 +pre-commit==3.3.3 +pretty-errors==1.2.25 +protobuf==3.20.3 +psutil==5.9.8 +py-cpuinfo==9.0.0 +pyarrow-hotfix==0.6 +pyarrow==16.1.0 +pyasn1==0.6.0 +pyasn1_modules==0.4.0 +pybind11==2.10.4 +pycparser==2.22 +pydantic==1.10.13 +pynvml==8.0.4 +pytablewriter==1.2.0 +pytest==8.2.0 +python-dateutil==2.9.0.post0 +pytorch-lightning==2.2.4 +pytz==2024.1 +regex==2023.5.5 +requests-oauthlib==2.0.0 +requests==2.31.0 +rouge_score==0.1.2 +rsa==4.9 +sacrebleu==2.4.2 +safetensors==0.4.3 +scikit-learn==1.5.0 +scipy==1.13.0 +sentencepiece==0.2.0 +sentry-sdk==2.2.1 +setproctitle==1.3.3 +setuptools==59.6.0 +setuptools==69.5.1 +six==1.16.0 +smmap==5.0.1 +sqlitedict==2.1.0 +symengine==0.11.0 +sympy==1.12 +tabledata==1.3.3 +tabulate==0.9.0 +tcolorpy==0.1.6 +tdqm==0.0.1 +tensorboard-data-server==0.6.1 +tensorboard-plugin-wit==1.8.1 +tensorboard==2.11.2 +threadpoolctl==3.5.0 +tokenizers==0.19.1 +tomli==2.0.1 +torch==2.2.0a0+git8964477 +torch_tb_profiler==0.4.0 +torchaudio==2.2.0+08901ad +torchdata==0.7.1+5e6f7b7 +torchmetrics==1.4.0 +torchtext==0.17.0+400da5c +torchvision==0.17.0+b2383d4 +tqdm-multiprocess==0.0.11 +tqdm==4.66.4 +transformers==4.41.0 +typepy==1.3.2 +typing_extensions==4.11.0 +tzdata==2024.1 +urllib3==1.26.18 +virtualenv==20.26.1 +wandb==0.17.0 +wheel==0.37.1 +wheel==0.43.0 +word2number==1.1 +xxhash==3.4.1 +yamllint==1.35.1 +yarl==1.9.4 +zstandard==0.22.0 \ No newline at end of file diff --git a/lm-evaluation-harness/wandb/run-20240522_164449-z16tyxyv/files/wandb-metadata.json b/lm-evaluation-harness/wandb/run-20240522_164449-z16tyxyv/files/wandb-metadata.json new file mode 100644 index 0000000000000000000000000000000000000000..4fb962337a0bf27763ff424f023d2d362fa4e89c --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240522_164449-z16tyxyv/files/wandb-metadata.json @@ -0,0 +1,850 @@ +{ + "os": "Linux-5.15.0-92-generic-x86_64-with-glibc2.35", + "python": "3.10.12", + "heartbeatAt": "2024-05-22T16:44:49.525663", + "startedAt": "2024-05-22T16:44:49.029043", + "docker": null, + "cuda": null, + "args": [ + "--model", + "hf", + "--model_args", + "pretrained=/mnt/weka/peacock/experiments/llama/checkpoint/llamav2-3b//hf_ckpt//global_step10000", + "--tasks", + "hellaswag,arc_easy,openbookqa,winogrande,sst2,mrpc", + "--batch_size", + "auto", + "--wandb_args", + "project=bharatgpt,group=trial_expt_2" + ], + "state": "running", + "program": "-m lm_eval.__main__", + "codePathLocal": null, + "git": { + "remote": "https://github.com/EleutherAI/lm-evaluation-harness", + "commit": null + }, + "email": null, + "root": "/mnt/weka/peacock/idc/cronscript/lm-evaluation-harness", + "host": "peacock-evaluation-worker-0", + "username": "root", + "executable": "/usr/bin/python3", + "cpu_count": 80, + "cpu_count_logical": 160, + "cpu_freq": { + "current": 2327.50001875, + "min": 800.0, + "max": 3400.0 + }, + "cpu_freq_per_core": [ + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.002, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + } + ], + "disk": { + "/": { + "total": 877.6341285705566, + "used": 211.64120483398438 + } + }, + "memory": { + "total": 1007.4379997253418 + } +} diff --git a/lm-evaluation-harness/wandb/run-20240522_164449-z16tyxyv/files/wandb-summary.json b/lm-evaluation-harness/wandb/run-20240522_164449-z16tyxyv/files/wandb-summary.json new file mode 100644 index 0000000000000000000000000000000000000000..8bf99d152ad35c3699ec8600ecb8b169d4e35875 --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240522_164449-z16tyxyv/files/wandb-summary.json @@ -0,0 +1 @@ +{"_wandb": {"runtime": 11}} \ No newline at end of file diff --git a/lm-evaluation-harness/wandb/run-20240522_164449-z16tyxyv/run-z16tyxyv.wandb b/lm-evaluation-harness/wandb/run-20240522_164449-z16tyxyv/run-z16tyxyv.wandb new file mode 100644 index 0000000000000000000000000000000000000000..d84e44402cf3f7f47d29620f48a6f8c273ba0f5e Binary files /dev/null and b/lm-evaluation-harness/wandb/run-20240522_164449-z16tyxyv/run-z16tyxyv.wandb differ diff --git a/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/files/config.yaml b/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/files/config.yaml new file mode 100644 index 0000000000000000000000000000000000000000..21d3cc7760febb57792a054b4abafb4ac7e135bd --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/files/config.yaml @@ -0,0 +1,43 @@ +wandb_version: 1 + +_wandb: + desc: null + value: + python_version: 3.10.12 + cli_version: 0.17.0 + framework: huggingface + huggingface_version: 4.41.0 + is_jupyter_run: false + is_kaggle_kernel: false + start_time: 1716403503 + t: + 1: + - 1 + - 5 + - 11 + - 49 + - 51 + - 53 + - 55 + - 71 + - 98 + - 100 + 2: + - 1 + - 5 + - 11 + - 49 + - 51 + - 53 + - 55 + - 71 + - 98 + - 100 + 3: + - 23 + 4: 3.10.12 + 5: 0.17.0 + 6: 4.41.0 + 8: + - 5 + 13: linux-x86_64 diff --git a/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/files/output.log b/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/files/output.log new file mode 100644 index 0000000000000000000000000000000000000000..291599c434296516e23bb28bd29ade0dfa9c698e --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/files/output.log @@ -0,0 +1,34 @@ + +2024-05-22:18:45:03,948 INFO [__main__.py:251] Verbosity set to INFO +2024-05-22:18:45:12,432 INFO [__main__.py:335] Selected Tasks: ['arc_easy', 'hellaswag', 'mrpc', 'openbookqa', 'sst2', 'winogrande'] +2024-05-22:18:45:12,433 INFO [evaluator.py:131] Setting random seed to 0 | Setting numpy seed to 1234 | Setting torch manual seed to 1234 +2024-05-22:18:45:12,433 INFO [evaluator.py:177] Initializing hf model, with arguments: {'pretrained': '/mnt/weka/peacock/experiments/llama/checkpoint/llamav2-3b//hf_ckpt//global_step16000'} +2024-05-22:18:45:14,722 INFO [huggingface.py:164] Using device 'cuda' +Traceback (most recent call last): + File "/usr/lib/python3.10/runpy.py", line 196, in _run_module_as_main + return _run_code(code, main_globals, None, + File "/usr/lib/python3.10/runpy.py", line 86, in _run_code + exec(code, run_globals) + File "/mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/lm_eval/__main__.py", line 417, in + cli_evaluate() + File "/mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/lm_eval/__main__.py", line 341, in cli_evaluate + results = evaluator.simple_evaluate( + File "/mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/lm_eval/utils.py", line 288, in _wrapper + return fn(*args, **kwargs) + File "/mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/lm_eval/evaluator.py", line 180, in simple_evaluate + lm = lm_eval.api.registry.get_model(model).create_from_arg_string( + File "/mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/lm_eval/api/model.py", line 134, in create_from_arg_string + return cls(**args, **args2) + File "/mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/lm_eval/models/huggingface.py", line 190, in __init__ + self._get_config( + File "/mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/lm_eval/models/huggingface.py", line 471, in _get_config + self._config = transformers.AutoConfig.from_pretrained( + File "/usr/local/lib/python3.10/dist-packages/transformers/models/auto/configuration_auto.py", line 934, in from_pretrained + config_dict, unused_kwargs = PretrainedConfig.get_config_dict(pretrained_model_name_or_path, **kwargs) + File "/usr/local/lib/python3.10/dist-packages/transformers/configuration_utils.py", line 632, in get_config_dict + config_dict, kwargs = cls._get_config_dict(pretrained_model_name_or_path, **kwargs) + File "/usr/local/lib/python3.10/dist-packages/transformers/configuration_utils.py", line 689, in _get_config_dict + resolved_config_file = cached_file( + File "/usr/local/lib/python3.10/dist-packages/transformers/utils/hub.py", line 370, in cached_file + raise EnvironmentError( +OSError: /mnt/weka/peacock/experiments/llama/checkpoint/llamav2-3b//hf_ckpt//global_step16000 does not appear to have a file named config.json. Checkout 'https://huggingface.co//mnt/weka/peacock/experiments/llama/checkpoint/llamav2-3b//hf_ckpt//global_step16000/tree/main' for available files. \ No newline at end of file diff --git a/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/files/requirements.txt b/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/files/requirements.txt new file mode 100644 index 0000000000000000000000000000000000000000..a3573b3bbfd5b190fed4ccaed4ac2846002aec22 --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/files/requirements.txt @@ -0,0 +1,155 @@ +DataProperty==1.0.1 +GitPython==3.1.43 +Jinja2==3.1.4 +Markdown==3.6 +MarkupSafe==2.1.5 +Pillow-SIMD==7.0.0.post3 +PyYAML==6.0 +Werkzeug==3.0.3 +absl-py==2.1.0 +accelerate==0.30.1 +aiohttp==3.9.5 +aiosignal==1.3.1 +async-timeout==4.0.3 +attrs==23.2.0 +av==9.2.0 +cachetools==5.3.3 +certifi==2024.2.2 +cffi==1.15.1 +cfgv==3.4.0 +chardet==5.2.0 +charset-normalizer==3.3.2 +click==8.1.7 +cmake==3.29.2 +colorama==0.4.6 +datasets==2.19.1 +deepspeed==0.12.4+hpu.synapse.v1.15.1 +dill==0.3.8 +distlib==0.3.8 +docker-pycreds==0.4.0 +einops==0.8.0 +evaluate==0.4.2 +exceptiongroup==1.2.1 +expecttest==0.2.1 +filelock==3.14.0 +frozenlist==1.4.1 +fsspec==2024.3.1 +gitdb==4.0.11 +google-auth-oauthlib==0.4.6 +google-auth==2.29.0 +grpcio==1.63.0 +habana-media-loader==1.15.1.15 +habana-pyhlml==1.15.1.15 +habana-torch-dataloader==1.15.1.15 +habana-torch-plugin==1.15.1.15 +habana_gpu_migration==1.15.1.15 +habana_quantization_toolkit==1.15.1.15 +hjson==3.1.0 +huggingface-hub==0.23.1 +identify==2.5.36 +idna==3.7 +iniconfig==2.0.0 +joblib==1.4.2 +jsonlines==4.0.0 +lightning-habana==1.4.0 +lightning-utilities==0.11.2 +lightning==2.2.0.post0 +lm_eval==0.4.2 +lm_eval==0.4.2 +lm_eval==0.4.2 +lxml==5.2.2 +mbstrdecoder==1.1.3 +more-itertools==10.2.0 +mpi4py==3.1.4 +mpmath==1.3.0 +multidict==6.0.5 +multiprocess==0.70.16 +networkx==3.3 +ninja==1.11.1.1 +nltk==3.8.1 +nodeenv==1.8.0 +numexpr==2.10.0 +numpy==1.23.5 +oauthlib==3.2.2 +packaging==24.0 +pandas==2.0.1 +pathspec==0.12.1 +pathvalidate==3.2.0 +peft==0.11.1 +perfetto==0.7.0 +pillow==10.3.0 +pip==22.0.2 +pip==23.3.1 +platformdirs==4.2.1 +pluggy==1.5.0 +portalocker==2.8.2 +pre-commit==3.3.3 +pretty-errors==1.2.25 +protobuf==3.20.3 +psutil==5.9.8 +py-cpuinfo==9.0.0 +pyarrow-hotfix==0.6 +pyarrow==16.1.0 +pyasn1==0.6.0 +pyasn1_modules==0.4.0 +pybind11==2.10.4 +pycparser==2.22 +pydantic==1.10.13 +pynvml==8.0.4 +pytablewriter==1.2.0 +pytest==8.2.0 +python-dateutil==2.9.0.post0 +pytorch-lightning==2.2.4 +pytz==2024.1 +regex==2023.5.5 +requests-oauthlib==2.0.0 +requests==2.31.0 +rouge_score==0.1.2 +rsa==4.9 +sacrebleu==2.4.2 +safetensors==0.4.3 +scikit-learn==1.5.0 +scipy==1.13.0 +sentencepiece==0.2.0 +sentry-sdk==2.2.1 +setproctitle==1.3.3 +setuptools==59.6.0 +setuptools==69.5.1 +six==1.16.0 +smmap==5.0.1 +sqlitedict==2.1.0 +symengine==0.11.0 +sympy==1.12 +tabledata==1.3.3 +tabulate==0.9.0 +tcolorpy==0.1.6 +tdqm==0.0.1 +tensorboard-data-server==0.6.1 +tensorboard-plugin-wit==1.8.1 +tensorboard==2.11.2 +threadpoolctl==3.5.0 +tokenizers==0.19.1 +tomli==2.0.1 +torch==2.2.0a0+git8964477 +torch_tb_profiler==0.4.0 +torchaudio==2.2.0+08901ad +torchdata==0.7.1+5e6f7b7 +torchmetrics==1.4.0 +torchtext==0.17.0+400da5c +torchvision==0.17.0+b2383d4 +tqdm-multiprocess==0.0.11 +tqdm==4.66.4 +transformers==4.41.0 +typepy==1.3.2 +typing_extensions==4.11.0 +tzdata==2024.1 +urllib3==1.26.18 +virtualenv==20.26.1 +wandb==0.17.0 +wheel==0.37.1 +wheel==0.43.0 +word2number==1.1 +xxhash==3.4.1 +yamllint==1.35.1 +yarl==1.9.4 +zstandard==0.22.0 \ No newline at end of file diff --git a/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/files/wandb-metadata.json b/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/files/wandb-metadata.json new file mode 100644 index 0000000000000000000000000000000000000000..f243eaf885e2858e3765c88e0a98189333071d98 --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/files/wandb-metadata.json @@ -0,0 +1,850 @@ +{ + "os": "Linux-5.15.0-92-generic-x86_64-with-glibc2.35", + "python": "3.10.12", + "heartbeatAt": "2024-05-22T18:45:03.749505", + "startedAt": "2024-05-22T18:45:03.221209", + "docker": null, + "cuda": null, + "args": [ + "--model", + "hf", + "--model_args", + "pretrained=/mnt/weka/peacock/experiments/llama/checkpoint/llamav2-3b//hf_ckpt//global_step16000", + "--tasks", + "hellaswag,arc_easy,openbookqa,winogrande,sst2,mrpc", + "--batch_size", + "auto", + "--wandb_args", + "project=bharatgpt,group=trial_expt_2" + ], + "state": "running", + "program": "-m lm_eval.__main__", + "codePathLocal": null, + "git": { + "remote": "https://github.com/EleutherAI/lm-evaluation-harness", + "commit": null + }, + "email": null, + "root": "/mnt/weka/peacock/idc/cronscript/lm-evaluation-harness", + "host": "peacock-evaluation-worker-0", + "username": "root", + "executable": "/usr/bin/python3", + "cpu_count": 80, + "cpu_count_logical": 160, + "cpu_freq": { + "current": 2327.5, + "min": 800.0, + "max": 3400.0 + }, + "cpu_freq_per_core": [ + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3352.197, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3362.733, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3367.453, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3367.37, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3367.136, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3367.801, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + } + ], + "disk": { + "/": { + "total": 877.6341285705566, + "used": 211.64013671875 + } + }, + "memory": { + "total": 1007.4379997253418 + } +} diff --git a/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/files/wandb-summary.json b/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/files/wandb-summary.json new file mode 100644 index 0000000000000000000000000000000000000000..8bf99d152ad35c3699ec8600ecb8b169d4e35875 --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/files/wandb-summary.json @@ -0,0 +1 @@ +{"_wandb": {"runtime": 11}} \ No newline at end of file diff --git a/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/logs/debug-internal.log b/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/logs/debug-internal.log new file mode 100644 index 0000000000000000000000000000000000000000..8cf694189bf5979afb9a08dd8788d42f7142d109 --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/logs/debug-internal.log @@ -0,0 +1,178 @@ +2024-05-22 18:45:03,246 INFO StreamThr :1822 [internal.py:wandb_internal():85] W&B internal server running at pid: 1822, started at: 2024-05-22 18:45:03.244536 +2024-05-22 18:45:03,248 DEBUG HandlerThread:1822 [handler.py:handle_request():158] handle_request: status +2024-05-22 18:45:03,249 INFO WriterThread:1822 [datastore.py:open_for_write():87] open: /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/run-ncpkvs5j.wandb +2024-05-22 18:45:03,254 DEBUG SenderThread:1822 [sender.py:send():378] send: header +2024-05-22 18:45:03,258 DEBUG SenderThread:1822 [sender.py:send():378] send: run +2024-05-22 18:45:03,547 INFO SenderThread:1822 [dir_watcher.py:__init__():211] watching files in: /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/files +2024-05-22 18:45:03,547 INFO SenderThread:1822 [sender.py:_start_run_threads():1123] run started: ncpkvs5j with start time 1716403503.244342 +2024-05-22 18:45:03,551 DEBUG HandlerThread:1822 [handler.py:handle_request():158] handle_request: check_version +2024-05-22 18:45:03,552 DEBUG SenderThread:1822 [sender.py:send_request():405] send_request: check_version +2024-05-22 18:45:03,672 DEBUG HandlerThread:1822 [handler.py:handle_request():158] handle_request: run_start +2024-05-22 18:45:03,675 DEBUG HandlerThread:1822 [system_info.py:__init__():26] System info init +2024-05-22 18:45:03,675 DEBUG HandlerThread:1822 [system_info.py:__init__():41] System info init done +2024-05-22 18:45:03,675 INFO HandlerThread:1822 [system_monitor.py:start():194] Starting system monitor +2024-05-22 18:45:03,675 INFO SystemMonitor:1822 [system_monitor.py:_start():158] Starting system asset monitoring threads +2024-05-22 18:45:03,675 INFO HandlerThread:1822 [system_monitor.py:probe():214] Collecting system info +2024-05-22 18:45:03,682 INFO SystemMonitor:1822 [interfaces.py:start():188] Started cpu monitoring +2024-05-22 18:45:03,688 INFO SystemMonitor:1822 [interfaces.py:start():188] Started disk monitoring +2024-05-22 18:45:03,688 INFO SystemMonitor:1822 [interfaces.py:start():188] Started memory monitoring +2024-05-22 18:45:03,688 INFO SystemMonitor:1822 [interfaces.py:start():188] Started network monitoring +2024-05-22 18:45:03,749 DEBUG HandlerThread:1822 [system_info.py:probe():150] Probing system +2024-05-22 18:45:03,752 DEBUG HandlerThread:1822 [system_info.py:_probe_git():135] Probing git +2024-05-22 18:45:03,762 ERROR HandlerThread:1822 [gitlib.py:root():92] git root error: Cmd('git') failed due to: exit code(128) + cmdline: git rev-parse --show-toplevel + stderr: 'fatal: detected dubious ownership in repository at '/mnt/weka/peacock/idc/cronscript/lm-evaluation-harness' +To add an exception for this directory, call: + + git config --global --add safe.directory /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness' +2024-05-22 18:45:03,762 DEBUG HandlerThread:1822 [system_info.py:_probe_git():143] Probing git done +2024-05-22 18:45:03,762 DEBUG HandlerThread:1822 [system_info.py:probe():198] Probing system done +2024-05-22 18:45:03,762 DEBUG HandlerThread:1822 [system_monitor.py:probe():223] {'os': 'Linux-5.15.0-92-generic-x86_64-with-glibc2.35', 'python': '3.10.12', 'heartbeatAt': '2024-05-22T18:45:03.749505', 'startedAt': '2024-05-22T18:45:03.221209', 'docker': None, 'cuda': None, 'args': ('--model', 'hf', '--model_args', 'pretrained=/mnt/weka/peacock/experiments/llama/checkpoint/llamav2-3b//hf_ckpt//global_step16000', '--tasks', 'hellaswag,arc_easy,openbookqa,winogrande,sst2,mrpc', '--batch_size', 'auto', '--wandb_args', 'project=bharatgpt,group=trial_expt_2'), 'state': 'running', 'program': '-m lm_eval.__main__', 'codePathLocal': None, 'git': {'remote': 'https://github.com/EleutherAI/lm-evaluation-harness', 'commit': None}, 'email': None, 'root': '/mnt/weka/peacock/idc/cronscript/lm-evaluation-harness', 'host': 'peacock-evaluation-worker-0', 'username': 'root', 'executable': '/usr/bin/python3', 'cpu_count': 80, 'cpu_count_logical': 160, 'cpu_freq': {'current': 2327.5, 'min': 800.0, 'max': 3400.0}, 'cpu_freq_per_core': [{'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3352.197, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3362.733, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3367.453, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3367.37, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3367.136, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3367.801, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}], 'disk': {'/': {'total': 877.6341285705566, 'used': 211.64013671875}}, 'memory': {'total': 1007.4379997253418}} +2024-05-22 18:45:03,762 INFO HandlerThread:1822 [system_monitor.py:probe():224] Finished collecting system info +2024-05-22 18:45:03,762 INFO HandlerThread:1822 [system_monitor.py:probe():227] Publishing system info +2024-05-22 18:45:03,765 INFO HandlerThread:1822 [system_monitor.py:probe():229] Finished publishing system info +2024-05-22 18:45:03,770 DEBUG SenderThread:1822 [sender.py:send():378] send: files +2024-05-22 18:45:03,771 INFO SenderThread:1822 [sender.py:_save_file():1389] saving file wandb-metadata.json with policy now +2024-05-22 18:45:03,943 DEBUG HandlerThread:1822 [handler.py:handle_request():158] handle_request: python_packages +2024-05-22 18:45:03,943 DEBUG SenderThread:1822 [sender.py:send_request():405] send_request: python_packages +2024-05-22 18:45:03,945 DEBUG SenderThread:1822 [sender.py:send():378] send: telemetry +2024-05-22 18:45:03,945 DEBUG HandlerThread:1822 [handler.py:handle_request():158] handle_request: stop_status +2024-05-22 18:45:03,946 DEBUG SenderThread:1822 [sender.py:send_request():405] send_request: stop_status +2024-05-22 18:45:04,313 INFO wandb-upload_0:1822 [upload_job.py:push():130] Uploaded file /tmp/tmpr31tcza2wandb/gfmyc6by-wandb-metadata.json +2024-05-22 18:45:04,550 INFO Thread-12 :1822 [dir_watcher.py:_on_file_created():271] file/dir created: /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/files/output.log +2024-05-22 18:45:04,550 INFO Thread-12 :1822 [dir_watcher.py:_on_file_created():271] file/dir created: /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/files/requirements.txt +2024-05-22 18:45:04,550 INFO Thread-12 :1822 [dir_watcher.py:_on_file_created():271] file/dir created: /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/files/wandb-metadata.json +2024-05-22 18:45:06,549 INFO Thread-12 :1822 [dir_watcher.py:_on_file_modified():288] file/dir modified: /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/files/output.log +2024-05-22 18:45:09,082 DEBUG HandlerThread:1822 [handler.py:handle_request():158] handle_request: status_report +2024-05-22 18:45:14,434 DEBUG HandlerThread:1822 [handler.py:handle_request():158] handle_request: status_report +2024-05-22 18:45:14,559 INFO Thread-12 :1822 [dir_watcher.py:_on_file_modified():288] file/dir modified: /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/files/output.log +2024-05-22 18:45:14,730 DEBUG SenderThread:1822 [sender.py:send():378] send: exit +2024-05-22 18:45:14,730 INFO SenderThread:1822 [sender.py:send_exit():585] handling exit code: 1 +2024-05-22 18:45:14,730 INFO SenderThread:1822 [sender.py:send_exit():587] handling runtime: 11 +2024-05-22 18:45:14,732 INFO SenderThread:1822 [sender.py:_save_file():1389] saving file wandb-summary.json with policy end +2024-05-22 18:45:14,732 INFO SenderThread:1822 [sender.py:send_exit():593] send defer +2024-05-22 18:45:14,732 DEBUG HandlerThread:1822 [handler.py:handle_request():158] handle_request: defer +2024-05-22 18:45:14,732 INFO HandlerThread:1822 [handler.py:handle_request_defer():184] handle defer: 0 +2024-05-22 18:45:14,732 DEBUG SenderThread:1822 [sender.py:send_request():405] send_request: defer +2024-05-22 18:45:14,732 INFO SenderThread:1822 [sender.py:send_request_defer():609] handle sender defer: 0 +2024-05-22 18:45:14,732 INFO SenderThread:1822 [sender.py:transition_state():613] send defer: 1 +2024-05-22 18:45:14,732 DEBUG HandlerThread:1822 [handler.py:handle_request():158] handle_request: defer +2024-05-22 18:45:14,732 INFO HandlerThread:1822 [handler.py:handle_request_defer():184] handle defer: 1 +2024-05-22 18:45:14,732 DEBUG SenderThread:1822 [sender.py:send_request():405] send_request: defer +2024-05-22 18:45:14,733 INFO SenderThread:1822 [sender.py:send_request_defer():609] handle sender defer: 1 +2024-05-22 18:45:14,733 INFO SenderThread:1822 [sender.py:transition_state():613] send defer: 2 +2024-05-22 18:45:14,733 DEBUG HandlerThread:1822 [handler.py:handle_request():158] handle_request: defer +2024-05-22 18:45:14,733 INFO HandlerThread:1822 [handler.py:handle_request_defer():184] handle defer: 2 +2024-05-22 18:45:14,733 INFO HandlerThread:1822 [system_monitor.py:finish():203] Stopping system monitor +2024-05-22 18:45:14,733 DEBUG SystemMonitor:1822 [system_monitor.py:_start():172] Starting system metrics aggregation loop +2024-05-22 18:45:14,733 DEBUG SystemMonitor:1822 [system_monitor.py:_start():179] Finished system metrics aggregation loop +2024-05-22 18:45:14,733 DEBUG SystemMonitor:1822 [system_monitor.py:_start():183] Publishing last batch of metrics +2024-05-22 18:45:14,734 INFO HandlerThread:1822 [interfaces.py:finish():200] Joined cpu monitor +2024-05-22 18:45:14,734 INFO HandlerThread:1822 [interfaces.py:finish():200] Joined disk monitor +2024-05-22 18:45:14,734 INFO HandlerThread:1822 [interfaces.py:finish():200] Joined memory monitor +2024-05-22 18:45:14,734 INFO HandlerThread:1822 [interfaces.py:finish():200] Joined network monitor +2024-05-22 18:45:14,734 DEBUG SenderThread:1822 [sender.py:send_request():405] send_request: defer +2024-05-22 18:45:14,734 INFO SenderThread:1822 [sender.py:send_request_defer():609] handle sender defer: 2 +2024-05-22 18:45:14,734 INFO SenderThread:1822 [sender.py:transition_state():613] send defer: 3 +2024-05-22 18:45:14,734 DEBUG HandlerThread:1822 [handler.py:handle_request():158] handle_request: defer +2024-05-22 18:45:14,734 INFO HandlerThread:1822 [handler.py:handle_request_defer():184] handle defer: 3 +2024-05-22 18:45:14,735 DEBUG SenderThread:1822 [sender.py:send_request():405] send_request: defer +2024-05-22 18:45:14,735 INFO SenderThread:1822 [sender.py:send_request_defer():609] handle sender defer: 3 +2024-05-22 18:45:14,735 INFO SenderThread:1822 [sender.py:transition_state():613] send defer: 4 +2024-05-22 18:45:14,735 DEBUG HandlerThread:1822 [handler.py:handle_request():158] handle_request: defer +2024-05-22 18:45:14,735 INFO HandlerThread:1822 [handler.py:handle_request_defer():184] handle defer: 4 +2024-05-22 18:45:14,735 DEBUG SenderThread:1822 [sender.py:send_request():405] send_request: defer +2024-05-22 18:45:14,735 INFO SenderThread:1822 [sender.py:send_request_defer():609] handle sender defer: 4 +2024-05-22 18:45:14,735 INFO SenderThread:1822 [sender.py:transition_state():613] send defer: 5 +2024-05-22 18:45:14,735 DEBUG HandlerThread:1822 [handler.py:handle_request():158] handle_request: defer +2024-05-22 18:45:14,735 INFO HandlerThread:1822 [handler.py:handle_request_defer():184] handle defer: 5 +2024-05-22 18:45:14,735 DEBUG SenderThread:1822 [sender.py:send():378] send: summary +2024-05-22 18:45:14,736 INFO SenderThread:1822 [sender.py:_save_file():1389] saving file wandb-summary.json with policy end +2024-05-22 18:45:14,736 DEBUG SenderThread:1822 [sender.py:send_request():405] send_request: defer +2024-05-22 18:45:14,736 INFO SenderThread:1822 [sender.py:send_request_defer():609] handle sender defer: 5 +2024-05-22 18:45:14,736 INFO SenderThread:1822 [sender.py:transition_state():613] send defer: 6 +2024-05-22 18:45:14,736 DEBUG HandlerThread:1822 [handler.py:handle_request():158] handle_request: defer +2024-05-22 18:45:14,736 INFO HandlerThread:1822 [handler.py:handle_request_defer():184] handle defer: 6 +2024-05-22 18:45:14,737 DEBUG SenderThread:1822 [sender.py:send_request():405] send_request: defer +2024-05-22 18:45:14,737 INFO SenderThread:1822 [sender.py:send_request_defer():609] handle sender defer: 6 +2024-05-22 18:45:14,741 DEBUG HandlerThread:1822 [handler.py:handle_request():158] handle_request: status_report +2024-05-22 18:45:14,823 INFO SenderThread:1822 [sender.py:transition_state():613] send defer: 7 +2024-05-22 18:45:14,823 DEBUG HandlerThread:1822 [handler.py:handle_request():158] handle_request: defer +2024-05-22 18:45:14,823 INFO HandlerThread:1822 [handler.py:handle_request_defer():184] handle defer: 7 +2024-05-22 18:45:14,823 DEBUG SenderThread:1822 [sender.py:send_request():405] send_request: defer +2024-05-22 18:45:14,823 INFO SenderThread:1822 [sender.py:send_request_defer():609] handle sender defer: 7 +2024-05-22 18:45:15,561 INFO Thread-12 :1822 [dir_watcher.py:_on_file_modified():288] file/dir modified: /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/files/config.yaml +2024-05-22 18:45:15,561 INFO Thread-12 :1822 [dir_watcher.py:_on_file_created():271] file/dir created: /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/files/wandb-summary.json +2024-05-22 18:45:15,730 DEBUG HandlerThread:1822 [handler.py:handle_request():158] handle_request: poll_exit +2024-05-22 18:45:16,101 INFO SenderThread:1822 [sender.py:transition_state():613] send defer: 8 +2024-05-22 18:45:16,102 DEBUG SenderThread:1822 [sender.py:send_request():405] send_request: poll_exit +2024-05-22 18:45:16,102 DEBUG HandlerThread:1822 [handler.py:handle_request():158] handle_request: defer +2024-05-22 18:45:16,102 INFO HandlerThread:1822 [handler.py:handle_request_defer():184] handle defer: 8 +2024-05-22 18:45:16,102 DEBUG SenderThread:1822 [sender.py:send_request():405] send_request: defer +2024-05-22 18:45:16,102 INFO SenderThread:1822 [sender.py:send_request_defer():609] handle sender defer: 8 +2024-05-22 18:45:16,102 INFO SenderThread:1822 [job_builder.py:build():432] Attempting to build job artifact +2024-05-22 18:45:16,103 INFO SenderThread:1822 [job_builder.py:_get_source_type():576] no source found +2024-05-22 18:45:16,103 INFO SenderThread:1822 [sender.py:transition_state():613] send defer: 9 +2024-05-22 18:45:16,103 DEBUG HandlerThread:1822 [handler.py:handle_request():158] handle_request: defer +2024-05-22 18:45:16,103 INFO HandlerThread:1822 [handler.py:handle_request_defer():184] handle defer: 9 +2024-05-22 18:45:16,103 DEBUG SenderThread:1822 [sender.py:send_request():405] send_request: defer +2024-05-22 18:45:16,103 INFO SenderThread:1822 [sender.py:send_request_defer():609] handle sender defer: 9 +2024-05-22 18:45:16,103 INFO SenderThread:1822 [dir_watcher.py:finish():358] shutting down directory watcher +2024-05-22 18:45:16,562 INFO SenderThread:1822 [dir_watcher.py:_on_file_modified():288] file/dir modified: /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/files/output.log +2024-05-22 18:45:16,562 INFO SenderThread:1822 [dir_watcher.py:finish():388] scan: /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/files +2024-05-22 18:45:16,563 INFO SenderThread:1822 [dir_watcher.py:finish():402] scan save: /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/files/requirements.txt requirements.txt +2024-05-22 18:45:16,563 INFO SenderThread:1822 [dir_watcher.py:finish():402] scan save: /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/files/output.log output.log +2024-05-22 18:45:16,565 INFO SenderThread:1822 [dir_watcher.py:finish():402] scan save: /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/files/config.yaml config.yaml +2024-05-22 18:45:16,565 INFO SenderThread:1822 [dir_watcher.py:finish():402] scan save: /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/files/wandb-summary.json wandb-summary.json +2024-05-22 18:45:16,565 INFO SenderThread:1822 [dir_watcher.py:finish():402] scan save: /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/files/wandb-metadata.json wandb-metadata.json +2024-05-22 18:45:16,566 INFO SenderThread:1822 [sender.py:transition_state():613] send defer: 10 +2024-05-22 18:45:16,566 DEBUG HandlerThread:1822 [handler.py:handle_request():158] handle_request: defer +2024-05-22 18:45:16,566 INFO HandlerThread:1822 [handler.py:handle_request_defer():184] handle defer: 10 +2024-05-22 18:45:16,566 DEBUG SenderThread:1822 [sender.py:send_request():405] send_request: defer +2024-05-22 18:45:16,566 INFO SenderThread:1822 [sender.py:send_request_defer():609] handle sender defer: 10 +2024-05-22 18:45:16,566 INFO SenderThread:1822 [file_pusher.py:finish():169] shutting down file pusher +2024-05-22 18:45:16,730 DEBUG HandlerThread:1822 [handler.py:handle_request():158] handle_request: poll_exit +2024-05-22 18:45:16,730 DEBUG SenderThread:1822 [sender.py:send_request():405] send_request: poll_exit +2024-05-22 18:45:16,838 INFO wandb-upload_0:1822 [upload_job.py:push():130] Uploaded file /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/files/requirements.txt +2024-05-22 18:45:17,118 INFO wandb-upload_2:1822 [upload_job.py:push():130] Uploaded file /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/files/config.yaml +2024-05-22 18:45:17,172 INFO wandb-upload_1:1822 [upload_job.py:push():130] Uploaded file /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/files/output.log +2024-05-22 18:45:17,184 INFO wandb-upload_3:1822 [upload_job.py:push():130] Uploaded file /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/files/wandb-summary.json +2024-05-22 18:45:17,384 INFO Thread-11 (_thread_body):1822 [sender.py:transition_state():613] send defer: 11 +2024-05-22 18:45:17,385 DEBUG HandlerThread:1822 [handler.py:handle_request():158] handle_request: defer +2024-05-22 18:45:17,385 INFO HandlerThread:1822 [handler.py:handle_request_defer():184] handle defer: 11 +2024-05-22 18:45:17,385 DEBUG SenderThread:1822 [sender.py:send_request():405] send_request: defer +2024-05-22 18:45:17,385 INFO SenderThread:1822 [sender.py:send_request_defer():609] handle sender defer: 11 +2024-05-22 18:45:17,385 INFO SenderThread:1822 [file_pusher.py:join():175] waiting for file pusher +2024-05-22 18:45:17,385 INFO SenderThread:1822 [sender.py:transition_state():613] send defer: 12 +2024-05-22 18:45:17,385 DEBUG HandlerThread:1822 [handler.py:handle_request():158] handle_request: defer +2024-05-22 18:45:17,386 INFO HandlerThread:1822 [handler.py:handle_request_defer():184] handle defer: 12 +2024-05-22 18:45:17,386 DEBUG SenderThread:1822 [sender.py:send_request():405] send_request: defer +2024-05-22 18:45:17,386 INFO SenderThread:1822 [sender.py:send_request_defer():609] handle sender defer: 12 +2024-05-22 18:45:17,386 INFO SenderThread:1822 [file_stream.py:finish():601] file stream finish called +2024-05-22 18:45:17,460 INFO SenderThread:1822 [file_stream.py:finish():605] file stream finish is done +2024-05-22 18:45:17,460 INFO SenderThread:1822 [sender.py:transition_state():613] send defer: 13 +2024-05-22 18:45:17,460 DEBUG HandlerThread:1822 [handler.py:handle_request():158] handle_request: defer +2024-05-22 18:45:17,460 INFO HandlerThread:1822 [handler.py:handle_request_defer():184] handle defer: 13 +2024-05-22 18:45:17,460 DEBUG SenderThread:1822 [sender.py:send_request():405] send_request: defer +2024-05-22 18:45:17,460 INFO SenderThread:1822 [sender.py:send_request_defer():609] handle sender defer: 13 +2024-05-22 18:45:17,460 INFO SenderThread:1822 [sender.py:transition_state():613] send defer: 14 +2024-05-22 18:45:17,460 DEBUG HandlerThread:1822 [handler.py:handle_request():158] handle_request: defer +2024-05-22 18:45:17,460 INFO HandlerThread:1822 [handler.py:handle_request_defer():184] handle defer: 14 +2024-05-22 18:45:17,460 DEBUG SenderThread:1822 [sender.py:send():378] send: final +2024-05-22 18:45:17,460 DEBUG SenderThread:1822 [sender.py:send():378] send: footer +2024-05-22 18:45:17,461 DEBUG SenderThread:1822 [sender.py:send_request():405] send_request: defer +2024-05-22 18:45:17,461 INFO SenderThread:1822 [sender.py:send_request_defer():609] handle sender defer: 14 +2024-05-22 18:45:17,461 DEBUG HandlerThread:1822 [handler.py:handle_request():158] handle_request: poll_exit +2024-05-22 18:45:17,461 DEBUG HandlerThread:1822 [handler.py:handle_request():158] handle_request: poll_exit +2024-05-22 18:45:17,461 DEBUG HandlerThread:1822 [handler.py:handle_request():158] handle_request: server_info +2024-05-22 18:45:17,462 DEBUG HandlerThread:1822 [handler.py:handle_request():158] handle_request: get_summary +2024-05-22 18:45:17,462 DEBUG HandlerThread:1822 [handler.py:handle_request():158] handle_request: sampled_history +2024-05-22 18:45:17,462 DEBUG HandlerThread:1822 [handler.py:handle_request():158] handle_request: internal_messages +2024-05-22 18:45:17,462 DEBUG SenderThread:1822 [sender.py:send_request():405] send_request: poll_exit +2024-05-22 18:45:17,462 DEBUG SenderThread:1822 [sender.py:send_request():405] send_request: poll_exit +2024-05-22 18:45:17,462 DEBUG SenderThread:1822 [sender.py:send_request():405] send_request: server_info +2024-05-22 18:45:17,525 INFO MainThread:1822 [wandb_run.py:_footer_history_summary_info():3994] rendering history +2024-05-22 18:45:17,525 INFO MainThread:1822 [wandb_run.py:_footer_history_summary_info():4026] rendering summary +2024-05-22 18:45:17,525 INFO MainThread:1822 [wandb_run.py:_footer_sync_info():3953] logging synced files +2024-05-22 18:45:17,525 DEBUG HandlerThread:1822 [handler.py:handle_request():158] handle_request: shutdown +2024-05-22 18:45:17,525 INFO HandlerThread:1822 [handler.py:finish():882] shutting down handler diff --git a/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/logs/debug.log b/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/logs/debug.log new file mode 100644 index 0000000000000000000000000000000000000000..af1a550f6fb978d36ac5cd8503180b10840cf78b --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/logs/debug.log @@ -0,0 +1,28 @@ +2024-05-22 18:45:03,238 INFO MainThread:1667 [wandb_setup.py:_flush():76] Current SDK version is 0.17.0 +2024-05-22 18:45:03,238 INFO MainThread:1667 [wandb_setup.py:_flush():76] Configure stats pid to 1667 +2024-05-22 18:45:03,238 INFO MainThread:1667 [wandb_setup.py:_flush():76] Loading settings from /root/.config/wandb/settings +2024-05-22 18:45:03,238 INFO MainThread:1667 [wandb_setup.py:_flush():76] Loading settings from /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/settings +2024-05-22 18:45:03,238 INFO MainThread:1667 [wandb_setup.py:_flush():76] Loading settings from environment variables: {} +2024-05-22 18:45:03,238 INFO MainThread:1667 [wandb_setup.py:_flush():76] Applying setup settings: {'_disable_service': False} +2024-05-22 18:45:03,238 WARNING MainThread:1667 [wandb_setup.py:_flush():76] Could not find program at -m lm_eval.__main__ +2024-05-22 18:45:03,238 INFO MainThread:1667 [wandb_setup.py:_flush():76] Inferring run settings from compute environment: {'program_relpath': None, 'program': '-m lm_eval.__main__'} +2024-05-22 18:45:03,238 INFO MainThread:1667 [wandb_setup.py:_flush():76] Applying login settings: {} +2024-05-22 18:45:03,238 INFO MainThread:1667 [wandb_init.py:_log_setup():520] Logging user logs to /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/logs/debug.log +2024-05-22 18:45:03,238 INFO MainThread:1667 [wandb_init.py:_log_setup():521] Logging internal logs to /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/logs/debug-internal.log +2024-05-22 18:45:03,238 INFO MainThread:1667 [wandb_init.py:init():560] calling init triggers +2024-05-22 18:45:03,238 INFO MainThread:1667 [wandb_init.py:init():567] wandb.init called with sweep_config: {} +config: {} +2024-05-22 18:45:03,238 INFO MainThread:1667 [wandb_init.py:init():610] starting backend +2024-05-22 18:45:03,238 INFO MainThread:1667 [wandb_init.py:init():614] setting up manager +2024-05-22 18:45:03,243 INFO MainThread:1667 [backend.py:_multiprocessing_setup():105] multiprocessing start_methods=fork,spawn,forkserver, using: spawn +2024-05-22 18:45:03,244 INFO MainThread:1667 [wandb_init.py:init():622] backend started and connected +2024-05-22 18:45:03,247 INFO MainThread:1667 [wandb_init.py:init():711] updated telemetry +2024-05-22 18:45:03,257 INFO MainThread:1667 [wandb_init.py:init():744] communicating run to backend with 90.0 second timeout +2024-05-22 18:45:03,551 INFO MainThread:1667 [wandb_run.py:_on_init():2396] communicating current version +2024-05-22 18:45:03,666 INFO MainThread:1667 [wandb_run.py:_on_init():2405] got version response +2024-05-22 18:45:03,666 INFO MainThread:1667 [wandb_init.py:init():795] starting run threads in backend +2024-05-22 18:45:03,943 INFO MainThread:1667 [wandb_run.py:_console_start():2374] atexit reg +2024-05-22 18:45:03,944 INFO MainThread:1667 [wandb_run.py:_redirect():2229] redirect: wrap_raw +2024-05-22 18:45:03,944 INFO MainThread:1667 [wandb_run.py:_redirect():2294] Wrapping output streams. +2024-05-22 18:45:03,944 INFO MainThread:1667 [wandb_run.py:_redirect():2319] Redirects installed. +2024-05-22 18:45:03,946 INFO MainThread:1667 [wandb_init.py:init():838] run started, returning control to user process diff --git a/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/run-ncpkvs5j.wandb b/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/run-ncpkvs5j.wandb new file mode 100644 index 0000000000000000000000000000000000000000..33bedb0aa614f989ed6c01c60357267fe2a3bdbd Binary files /dev/null and b/lm-evaluation-harness/wandb/run-20240522_184503-ncpkvs5j/run-ncpkvs5j.wandb differ diff --git a/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/files/config.yaml b/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/files/config.yaml new file mode 100644 index 0000000000000000000000000000000000000000..ea9b38de236683b27ede04727f52e9405abfb90d --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/files/config.yaml @@ -0,0 +1,43 @@ +wandb_version: 1 + +_wandb: + desc: null + value: + python_version: 3.10.12 + cli_version: 0.17.0 + framework: huggingface + huggingface_version: 4.41.1 + is_jupyter_run: false + is_kaggle_kernel: false + start_time: 1716440952 + t: + 1: + - 1 + - 5 + - 11 + - 49 + - 51 + - 53 + - 55 + - 71 + - 98 + - 100 + 2: + - 1 + - 5 + - 11 + - 49 + - 51 + - 53 + - 55 + - 71 + - 98 + - 100 + 3: + - 23 + 4: 3.10.12 + 5: 0.17.0 + 6: 4.41.1 + 8: + - 5 + 13: linux-x86_64 diff --git a/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/files/output.log b/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/files/output.log new file mode 100644 index 0000000000000000000000000000000000000000..c3fc014b65a3a1b080876e2720cef2ce50fa2adf --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/files/output.log @@ -0,0 +1,34 @@ + +2024-05-23:05:09:13,413 INFO [__main__.py:251] Verbosity set to INFO +2024-05-23:05:09:18,108 INFO [__main__.py:335] Selected Tasks: ['arc_easy', 'hellaswag', 'mrpc', 'openbookqa', 'sst2', 'winogrande'] +2024-05-23:05:09:18,109 INFO [evaluator.py:131] Setting random seed to 0 | Setting numpy seed to 1234 | Setting torch manual seed to 1234 +2024-05-23:05:09:18,109 INFO [evaluator.py:177] Initializing hf model, with arguments: {'pretrained': '/mnt/weka/peacock/experiments/llama/checkpoint/llamav2-3b//hf_ckpt//global_step10000'} +2024-05-23:05:09:19,330 INFO [huggingface.py:164] Using device 'cuda' +Traceback (most recent call last): + File "/usr/lib/python3.10/runpy.py", line 196, in _run_module_as_main + return _run_code(code, main_globals, None, + File "/usr/lib/python3.10/runpy.py", line 86, in _run_code + exec(code, run_globals) + File "/mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/lm_eval/__main__.py", line 417, in + cli_evaluate() + File "/mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/lm_eval/__main__.py", line 341, in cli_evaluate + results = evaluator.simple_evaluate( + File "/mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/lm_eval/utils.py", line 288, in _wrapper + return fn(*args, **kwargs) + File "/mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/lm_eval/evaluator.py", line 180, in simple_evaluate + lm = lm_eval.api.registry.get_model(model).create_from_arg_string( + File "/mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/lm_eval/api/model.py", line 134, in create_from_arg_string + return cls(**args, **args2) + File "/mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/lm_eval/models/huggingface.py", line 190, in __init__ + self._get_config( + File "/mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/lm_eval/models/huggingface.py", line 471, in _get_config + self._config = transformers.AutoConfig.from_pretrained( + File "/usr/local/lib/python3.10/dist-packages/transformers/models/auto/configuration_auto.py", line 934, in from_pretrained + config_dict, unused_kwargs = PretrainedConfig.get_config_dict(pretrained_model_name_or_path, **kwargs) + File "/usr/local/lib/python3.10/dist-packages/transformers/configuration_utils.py", line 632, in get_config_dict + config_dict, kwargs = cls._get_config_dict(pretrained_model_name_or_path, **kwargs) + File "/usr/local/lib/python3.10/dist-packages/transformers/configuration_utils.py", line 689, in _get_config_dict + resolved_config_file = cached_file( + File "/usr/local/lib/python3.10/dist-packages/transformers/utils/hub.py", line 370, in cached_file + raise EnvironmentError( +OSError: /mnt/weka/peacock/experiments/llama/checkpoint/llamav2-3b//hf_ckpt//global_step10000 does not appear to have a file named config.json. Checkout 'https://huggingface.co//mnt/weka/peacock/experiments/llama/checkpoint/llamav2-3b//hf_ckpt//global_step10000/tree/main' for available files. \ No newline at end of file diff --git a/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/files/requirements.txt b/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/files/requirements.txt new file mode 100644 index 0000000000000000000000000000000000000000..8150356038c46ec25f623f6e945d6dcb66a2e717 --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/files/requirements.txt @@ -0,0 +1,155 @@ +DataProperty==1.0.1 +GitPython==3.1.43 +Jinja2==3.1.4 +Markdown==3.6 +MarkupSafe==2.1.5 +Pillow-SIMD==7.0.0.post3 +PyYAML==6.0 +Werkzeug==3.0.3 +absl-py==2.1.0 +accelerate==0.30.1 +aiohttp==3.9.5 +aiosignal==1.3.1 +async-timeout==4.0.3 +attrs==23.2.0 +av==9.2.0 +cachetools==5.3.3 +certifi==2024.2.2 +cffi==1.15.1 +cfgv==3.4.0 +chardet==5.2.0 +charset-normalizer==3.3.2 +click==8.1.7 +cmake==3.29.2 +colorama==0.4.6 +datasets==2.19.1 +deepspeed==0.12.4+hpu.synapse.v1.15.1 +dill==0.3.8 +distlib==0.3.8 +docker-pycreds==0.4.0 +einops==0.8.0 +evaluate==0.4.2 +exceptiongroup==1.2.1 +expecttest==0.2.1 +filelock==3.14.0 +frozenlist==1.4.1 +fsspec==2024.3.1 +gitdb==4.0.11 +google-auth-oauthlib==0.4.6 +google-auth==2.29.0 +grpcio==1.63.0 +habana-media-loader==1.15.1.15 +habana-pyhlml==1.15.1.15 +habana-torch-dataloader==1.15.1.15 +habana-torch-plugin==1.15.1.15 +habana_gpu_migration==1.15.1.15 +habana_quantization_toolkit==1.15.1.15 +hjson==3.1.0 +huggingface-hub==0.23.1 +identify==2.5.36 +idna==3.7 +iniconfig==2.0.0 +joblib==1.4.2 +jsonlines==4.0.0 +lightning-habana==1.4.0 +lightning-utilities==0.11.2 +lightning==2.2.0.post0 +lm_eval==0.4.2 +lm_eval==0.4.2 +lm_eval==0.4.2 +lxml==5.2.2 +mbstrdecoder==1.1.3 +more-itertools==10.2.0 +mpi4py==3.1.4 +mpmath==1.3.0 +multidict==6.0.5 +multiprocess==0.70.16 +networkx==3.3 +ninja==1.11.1.1 +nltk==3.8.1 +nodeenv==1.8.0 +numexpr==2.10.0 +numpy==1.23.5 +oauthlib==3.2.2 +packaging==24.0 +pandas==2.0.1 +pathspec==0.12.1 +pathvalidate==3.2.0 +peft==0.11.1 +perfetto==0.7.0 +pillow==10.3.0 +pip==22.0.2 +pip==23.3.1 +platformdirs==4.2.1 +pluggy==1.5.0 +portalocker==2.8.2 +pre-commit==3.3.3 +pretty-errors==1.2.25 +protobuf==3.20.3 +psutil==5.9.8 +py-cpuinfo==9.0.0 +pyarrow-hotfix==0.6 +pyarrow==16.1.0 +pyasn1==0.6.0 +pyasn1_modules==0.4.0 +pybind11==2.10.4 +pycparser==2.22 +pydantic==1.10.13 +pynvml==8.0.4 +pytablewriter==1.2.0 +pytest==8.2.0 +python-dateutil==2.9.0.post0 +pytorch-lightning==2.2.4 +pytz==2024.1 +regex==2023.5.5 +requests-oauthlib==2.0.0 +requests==2.31.0 +rouge_score==0.1.2 +rsa==4.9 +sacrebleu==2.4.2 +safetensors==0.4.3 +scikit-learn==1.5.0 +scipy==1.13.1 +sentencepiece==0.2.0 +sentry-sdk==2.2.1 +setproctitle==1.3.3 +setuptools==59.6.0 +setuptools==69.5.1 +six==1.16.0 +smmap==5.0.1 +sqlitedict==2.1.0 +symengine==0.11.0 +sympy==1.12 +tabledata==1.3.3 +tabulate==0.9.0 +tcolorpy==0.1.6 +tdqm==0.0.1 +tensorboard-data-server==0.6.1 +tensorboard-plugin-wit==1.8.1 +tensorboard==2.11.2 +threadpoolctl==3.5.0 +tokenizers==0.19.1 +tomli==2.0.1 +torch==2.2.0a0+git8964477 +torch_tb_profiler==0.4.0 +torchaudio==2.2.0+08901ad +torchdata==0.7.1+5e6f7b7 +torchmetrics==1.4.0 +torchtext==0.17.0+400da5c +torchvision==0.17.0+b2383d4 +tqdm-multiprocess==0.0.11 +tqdm==4.66.4 +transformers==4.41.1 +typepy==1.3.2 +typing_extensions==4.11.0 +tzdata==2024.1 +urllib3==1.26.18 +virtualenv==20.26.1 +wandb==0.17.0 +wheel==0.37.1 +wheel==0.43.0 +word2number==1.1 +xxhash==3.4.1 +yamllint==1.35.1 +yarl==1.9.4 +zstandard==0.22.0 \ No newline at end of file diff --git a/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/files/wandb-metadata.json b/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/files/wandb-metadata.json new file mode 100644 index 0000000000000000000000000000000000000000..06365e6e4ca3fa96a11fc0be142e987f77c442d1 --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/files/wandb-metadata.json @@ -0,0 +1,850 @@ +{ + "os": "Linux-5.15.0-92-generic-x86_64-with-glibc2.35", + "python": "3.10.12", + "heartbeatAt": "2024-05-23T05:09:13.282782", + "startedAt": "2024-05-23T05:09:12.752009", + "docker": null, + "cuda": null, + "args": [ + "--model", + "hf", + "--model_args", + "pretrained=/mnt/weka/peacock/experiments/llama/checkpoint/llamav2-3b//hf_ckpt//global_step10000", + "--tasks", + "hellaswag,arc_easy,openbookqa,winogrande,sst2,mrpc", + "--batch_size", + "auto", + "--wandb_args", + "project=bharatgpt,group=trial_expt_2" + ], + "state": "running", + "program": "-m lm_eval.__main__", + "codePathLocal": null, + "git": { + "remote": "https://github.com/EleutherAI/lm-evaluation-harness", + "commit": null + }, + "email": null, + "root": "/mnt/weka/peacock/idc/cronscript/lm-evaluation-harness", + "host": "peacock-evaluation-debug-worker-0", + "username": "root", + "executable": "/usr/bin/python3", + "cpu_count": 80, + "cpu_count_logical": 160, + "cpu_freq": { + "current": 2374.8918062499997, + "min": 800.0, + "max": 3400.0 + }, + "cpu_freq_per_core": [ + { + "current": 3400.002, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3400.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3304.985, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3399.996, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3305.624, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 3305.726, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + }, + { + "current": 2300.0, + "min": 800.0, + "max": 3400.0 + } + ], + "disk": { + "/": { + "total": 877.6341285705566, + "used": 212.1889533996582 + } + }, + "memory": { + "total": 1007.43798828125 + } +} diff --git a/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/files/wandb-summary.json b/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/files/wandb-summary.json new file mode 100644 index 0000000000000000000000000000000000000000..74ae82ca002f26112178f0cd636ac5b92bf8e035 --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/files/wandb-summary.json @@ -0,0 +1 @@ +{"_wandb": {"runtime": 6}} \ No newline at end of file diff --git a/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/logs/debug-internal.log b/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/logs/debug-internal.log new file mode 100644 index 0000000000000000000000000000000000000000..818d798c0238ad0abe5ee0d2c6ce76788124508e --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/logs/debug-internal.log @@ -0,0 +1,182 @@ +2024-05-23 05:09:12,774 INFO StreamThr :6050 [internal.py:wandb_internal():85] W&B internal server running at pid: 6050, started at: 2024-05-23 05:09:12.773319 +2024-05-23 05:09:12,775 DEBUG HandlerThread:6050 [handler.py:handle_request():158] handle_request: status +2024-05-23 05:09:12,776 INFO WriterThread:6050 [datastore.py:open_for_write():87] open: /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/run-m4z2yju1.wandb +2024-05-23 05:09:12,777 DEBUG SenderThread:6050 [sender.py:send():378] send: header +2024-05-23 05:09:12,837 DEBUG SenderThread:6050 [sender.py:send():378] send: run +2024-05-23 05:09:13,111 INFO SenderThread:6050 [dir_watcher.py:__init__():211] watching files in: /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/files +2024-05-23 05:09:13,111 INFO SenderThread:6050 [sender.py:_start_run_threads():1123] run started: m4z2yju1 with start time 1716440952.773157 +2024-05-23 05:09:13,118 DEBUG HandlerThread:6050 [handler.py:handle_request():158] handle_request: check_version +2024-05-23 05:09:13,118 DEBUG SenderThread:6050 [sender.py:send_request():405] send_request: check_version +2024-05-23 05:09:13,205 DEBUG HandlerThread:6050 [handler.py:handle_request():158] handle_request: run_start +2024-05-23 05:09:13,207 DEBUG HandlerThread:6050 [system_info.py:__init__():26] System info init +2024-05-23 05:09:13,207 DEBUG HandlerThread:6050 [system_info.py:__init__():41] System info init done +2024-05-23 05:09:13,207 INFO HandlerThread:6050 [system_monitor.py:start():194] Starting system monitor +2024-05-23 05:09:13,207 INFO SystemMonitor:6050 [system_monitor.py:_start():158] Starting system asset monitoring threads +2024-05-23 05:09:13,207 INFO HandlerThread:6050 [system_monitor.py:probe():214] Collecting system info +2024-05-23 05:09:13,208 INFO SystemMonitor:6050 [interfaces.py:start():188] Started cpu monitoring +2024-05-23 05:09:13,209 INFO SystemMonitor:6050 [interfaces.py:start():188] Started disk monitoring +2024-05-23 05:09:13,209 INFO SystemMonitor:6050 [interfaces.py:start():188] Started memory monitoring +2024-05-23 05:09:13,210 INFO SystemMonitor:6050 [interfaces.py:start():188] Started network monitoring +2024-05-23 05:09:13,282 DEBUG HandlerThread:6050 [system_info.py:probe():150] Probing system +2024-05-23 05:09:13,291 DEBUG HandlerThread:6050 [system_info.py:_probe_git():135] Probing git +2024-05-23 05:09:13,310 ERROR HandlerThread:6050 [gitlib.py:root():92] git root error: Cmd('git') failed due to: exit code(128) + cmdline: git rev-parse --show-toplevel + stderr: 'fatal: detected dubious ownership in repository at '/mnt/weka/peacock/idc/cronscript/lm-evaluation-harness' +To add an exception for this directory, call: + + git config --global --add safe.directory /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness' +2024-05-23 05:09:13,310 DEBUG HandlerThread:6050 [system_info.py:_probe_git():143] Probing git done +2024-05-23 05:09:13,310 DEBUG HandlerThread:6050 [system_info.py:probe():198] Probing system done +2024-05-23 05:09:13,310 DEBUG HandlerThread:6050 [system_monitor.py:probe():223] {'os': 'Linux-5.15.0-92-generic-x86_64-with-glibc2.35', 'python': '3.10.12', 'heartbeatAt': '2024-05-23T05:09:13.282782', 'startedAt': '2024-05-23T05:09:12.752009', 'docker': None, 'cuda': None, 'args': ('--model', 'hf', '--model_args', 'pretrained=/mnt/weka/peacock/experiments/llama/checkpoint/llamav2-3b//hf_ckpt//global_step10000', '--tasks', 'hellaswag,arc_easy,openbookqa,winogrande,sst2,mrpc', '--batch_size', 'auto', '--wandb_args', 'project=bharatgpt,group=trial_expt_2'), 'state': 'running', 'program': '-m lm_eval.__main__', 'codePathLocal': None, 'git': {'remote': 'https://github.com/EleutherAI/lm-evaluation-harness', 'commit': None}, 'email': None, 'root': '/mnt/weka/peacock/idc/cronscript/lm-evaluation-harness', 'host': 'peacock-evaluation-debug-worker-0', 'username': 'root', 'executable': '/usr/bin/python3', 'cpu_count': 80, 'cpu_count_logical': 160, 'cpu_freq': {'current': 2374.8918062499997, 'min': 800.0, 'max': 3400.0}, 'cpu_freq_per_core': [{'current': 3400.002, 'min': 800.0, 'max': 3400.0}, {'current': 3400.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3304.985, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3399.996, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3305.624, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 3305.726, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}, {'current': 2300.0, 'min': 800.0, 'max': 3400.0}], 'disk': {'/': {'total': 877.6341285705566, 'used': 212.1889533996582}}, 'memory': {'total': 1007.43798828125}} +2024-05-23 05:09:13,311 INFO HandlerThread:6050 [system_monitor.py:probe():224] Finished collecting system info +2024-05-23 05:09:13,311 INFO HandlerThread:6050 [system_monitor.py:probe():227] Publishing system info +2024-05-23 05:09:13,312 INFO HandlerThread:6050 [system_monitor.py:probe():229] Finished publishing system info +2024-05-23 05:09:13,316 DEBUG SenderThread:6050 [sender.py:send():378] send: files +2024-05-23 05:09:13,316 INFO SenderThread:6050 [sender.py:_save_file():1389] saving file wandb-metadata.json with policy now +2024-05-23 05:09:13,410 DEBUG HandlerThread:6050 [handler.py:handle_request():158] handle_request: python_packages +2024-05-23 05:09:13,410 DEBUG HandlerThread:6050 [handler.py:handle_request():158] handle_request: stop_status +2024-05-23 05:09:13,411 DEBUG SenderThread:6050 [sender.py:send_request():405] send_request: python_packages +2024-05-23 05:09:13,412 DEBUG SenderThread:6050 [sender.py:send_request():405] send_request: stop_status +2024-05-23 05:09:13,548 DEBUG SenderThread:6050 [sender.py:send():378] send: telemetry +2024-05-23 05:09:13,836 INFO wandb-upload_0:6050 [upload_job.py:push():130] Uploaded file /tmp/tmp66t1wv6jwandb/o760qlxw-wandb-metadata.json +2024-05-23 05:09:14,113 INFO Thread-12 :6050 [dir_watcher.py:_on_file_created():271] file/dir created: /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/files/output.log +2024-05-23 05:09:14,113 INFO Thread-12 :6050 [dir_watcher.py:_on_file_created():271] file/dir created: /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/files/wandb-metadata.json +2024-05-23 05:09:14,113 INFO Thread-12 :6050 [dir_watcher.py:_on_file_created():271] file/dir created: /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/files/requirements.txt +2024-05-23 05:09:16,113 INFO Thread-12 :6050 [dir_watcher.py:_on_file_modified():288] file/dir modified: /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/files/output.log +2024-05-23 05:09:18,110 DEBUG HandlerThread:6050 [handler.py:handle_request():158] handle_request: status_report +2024-05-23 05:09:19,335 DEBUG SenderThread:6050 [sender.py:send():378] send: exit +2024-05-23 05:09:19,335 INFO SenderThread:6050 [sender.py:send_exit():585] handling exit code: 1 +2024-05-23 05:09:19,335 INFO SenderThread:6050 [sender.py:send_exit():587] handling runtime: 6 +2024-05-23 05:09:19,336 INFO SenderThread:6050 [sender.py:_save_file():1389] saving file wandb-summary.json with policy end +2024-05-23 05:09:19,337 INFO SenderThread:6050 [sender.py:send_exit():593] send defer +2024-05-23 05:09:19,337 DEBUG HandlerThread:6050 [handler.py:handle_request():158] handle_request: defer +2024-05-23 05:09:19,337 INFO HandlerThread:6050 [handler.py:handle_request_defer():184] handle defer: 0 +2024-05-23 05:09:19,337 DEBUG SenderThread:6050 [sender.py:send_request():405] send_request: defer +2024-05-23 05:09:19,337 INFO SenderThread:6050 [sender.py:send_request_defer():609] handle sender defer: 0 +2024-05-23 05:09:19,337 INFO SenderThread:6050 [sender.py:transition_state():613] send defer: 1 +2024-05-23 05:09:19,337 DEBUG HandlerThread:6050 [handler.py:handle_request():158] handle_request: defer +2024-05-23 05:09:19,337 INFO HandlerThread:6050 [handler.py:handle_request_defer():184] handle defer: 1 +2024-05-23 05:09:19,337 DEBUG SenderThread:6050 [sender.py:send_request():405] send_request: defer +2024-05-23 05:09:19,337 INFO SenderThread:6050 [sender.py:send_request_defer():609] handle sender defer: 1 +2024-05-23 05:09:19,337 INFO SenderThread:6050 [sender.py:transition_state():613] send defer: 2 +2024-05-23 05:09:19,337 DEBUG HandlerThread:6050 [handler.py:handle_request():158] handle_request: defer +2024-05-23 05:09:19,337 INFO HandlerThread:6050 [handler.py:handle_request_defer():184] handle defer: 2 +2024-05-23 05:09:19,337 INFO HandlerThread:6050 [system_monitor.py:finish():203] Stopping system monitor +2024-05-23 05:09:19,338 INFO HandlerThread:6050 [interfaces.py:finish():200] Joined cpu monitor +2024-05-23 05:09:19,338 DEBUG SystemMonitor:6050 [system_monitor.py:_start():172] Starting system metrics aggregation loop +2024-05-23 05:09:19,338 INFO HandlerThread:6050 [interfaces.py:finish():200] Joined disk monitor +2024-05-23 05:09:19,338 DEBUG SystemMonitor:6050 [system_monitor.py:_start():179] Finished system metrics aggregation loop +2024-05-23 05:09:19,338 INFO HandlerThread:6050 [interfaces.py:finish():200] Joined memory monitor +2024-05-23 05:09:19,338 DEBUG SystemMonitor:6050 [system_monitor.py:_start():183] Publishing last batch of metrics +2024-05-23 05:09:19,338 INFO HandlerThread:6050 [interfaces.py:finish():200] Joined network monitor +2024-05-23 05:09:19,340 DEBUG SenderThread:6050 [sender.py:send_request():405] send_request: defer +2024-05-23 05:09:19,340 INFO SenderThread:6050 [sender.py:send_request_defer():609] handle sender defer: 2 +2024-05-23 05:09:19,340 INFO SenderThread:6050 [sender.py:transition_state():613] send defer: 3 +2024-05-23 05:09:19,340 DEBUG HandlerThread:6050 [handler.py:handle_request():158] handle_request: defer +2024-05-23 05:09:19,340 DEBUG SenderThread:6050 [sender.py:send():378] send: stats +2024-05-23 05:09:19,340 INFO HandlerThread:6050 [handler.py:handle_request_defer():184] handle defer: 3 +2024-05-23 05:09:19,341 DEBUG SenderThread:6050 [sender.py:send_request():405] send_request: defer +2024-05-23 05:09:19,341 INFO SenderThread:6050 [sender.py:send_request_defer():609] handle sender defer: 3 +2024-05-23 05:09:19,341 INFO SenderThread:6050 [sender.py:transition_state():613] send defer: 4 +2024-05-23 05:09:19,341 DEBUG HandlerThread:6050 [handler.py:handle_request():158] handle_request: defer +2024-05-23 05:09:19,341 INFO HandlerThread:6050 [handler.py:handle_request_defer():184] handle defer: 4 +2024-05-23 05:09:19,341 DEBUG SenderThread:6050 [sender.py:send_request():405] send_request: defer +2024-05-23 05:09:19,341 INFO SenderThread:6050 [sender.py:send_request_defer():609] handle sender defer: 4 +2024-05-23 05:09:19,341 INFO SenderThread:6050 [sender.py:transition_state():613] send defer: 5 +2024-05-23 05:09:19,341 DEBUG HandlerThread:6050 [handler.py:handle_request():158] handle_request: defer +2024-05-23 05:09:19,341 INFO HandlerThread:6050 [handler.py:handle_request_defer():184] handle defer: 5 +2024-05-23 05:09:19,341 DEBUG SenderThread:6050 [sender.py:send():378] send: summary +2024-05-23 05:09:19,342 INFO SenderThread:6050 [sender.py:_save_file():1389] saving file wandb-summary.json with policy end +2024-05-23 05:09:19,342 DEBUG SenderThread:6050 [sender.py:send_request():405] send_request: defer +2024-05-23 05:09:19,342 INFO SenderThread:6050 [sender.py:send_request_defer():609] handle sender defer: 5 +2024-05-23 05:09:19,342 INFO SenderThread:6050 [sender.py:transition_state():613] send defer: 6 +2024-05-23 05:09:19,342 DEBUG HandlerThread:6050 [handler.py:handle_request():158] handle_request: defer +2024-05-23 05:09:19,342 INFO HandlerThread:6050 [handler.py:handle_request_defer():184] handle defer: 6 +2024-05-23 05:09:19,342 DEBUG SenderThread:6050 [sender.py:send_request():405] send_request: defer +2024-05-23 05:09:19,342 INFO SenderThread:6050 [sender.py:send_request_defer():609] handle sender defer: 6 +2024-05-23 05:09:19,345 DEBUG HandlerThread:6050 [handler.py:handle_request():158] handle_request: status_report +2024-05-23 05:09:19,411 INFO SenderThread:6050 [sender.py:transition_state():613] send defer: 7 +2024-05-23 05:09:19,411 DEBUG HandlerThread:6050 [handler.py:handle_request():158] handle_request: defer +2024-05-23 05:09:19,412 INFO HandlerThread:6050 [handler.py:handle_request_defer():184] handle defer: 7 +2024-05-23 05:09:19,412 DEBUG SenderThread:6050 [sender.py:send_request():405] send_request: defer +2024-05-23 05:09:19,412 INFO SenderThread:6050 [sender.py:send_request_defer():609] handle sender defer: 7 +2024-05-23 05:09:20,115 INFO Thread-12 :6050 [dir_watcher.py:_on_file_modified():288] file/dir modified: /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/files/output.log +2024-05-23 05:09:20,115 INFO Thread-12 :6050 [dir_watcher.py:_on_file_modified():288] file/dir modified: /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/files/config.yaml +2024-05-23 05:09:20,115 INFO Thread-12 :6050 [dir_watcher.py:_on_file_created():271] file/dir created: /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/files/wandb-summary.json +2024-05-23 05:09:20,335 DEBUG HandlerThread:6050 [handler.py:handle_request():158] handle_request: poll_exit +2024-05-23 05:09:21,563 INFO SenderThread:6050 [sender.py:transition_state():613] send defer: 8 +2024-05-23 05:09:21,563 DEBUG SenderThread:6050 [sender.py:send_request():405] send_request: poll_exit +2024-05-23 05:09:21,563 DEBUG HandlerThread:6050 [handler.py:handle_request():158] handle_request: defer +2024-05-23 05:09:21,564 INFO HandlerThread:6050 [handler.py:handle_request_defer():184] handle defer: 8 +2024-05-23 05:09:21,564 DEBUG SenderThread:6050 [sender.py:send_request():405] send_request: defer +2024-05-23 05:09:21,564 INFO SenderThread:6050 [sender.py:send_request_defer():609] handle sender defer: 8 +2024-05-23 05:09:21,564 INFO SenderThread:6050 [job_builder.py:build():432] Attempting to build job artifact +2024-05-23 05:09:21,564 INFO SenderThread:6050 [job_builder.py:_get_source_type():576] no source found +2024-05-23 05:09:21,564 INFO SenderThread:6050 [sender.py:transition_state():613] send defer: 9 +2024-05-23 05:09:21,564 DEBUG HandlerThread:6050 [handler.py:handle_request():158] handle_request: defer +2024-05-23 05:09:21,564 INFO HandlerThread:6050 [handler.py:handle_request_defer():184] handle defer: 9 +2024-05-23 05:09:21,564 DEBUG SenderThread:6050 [sender.py:send_request():405] send_request: defer +2024-05-23 05:09:21,564 INFO SenderThread:6050 [sender.py:send_request_defer():609] handle sender defer: 9 +2024-05-23 05:09:21,564 INFO SenderThread:6050 [dir_watcher.py:finish():358] shutting down directory watcher +2024-05-23 05:09:22,117 INFO SenderThread:6050 [dir_watcher.py:_on_file_modified():288] file/dir modified: /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/files/output.log +2024-05-23 05:09:22,117 INFO SenderThread:6050 [dir_watcher.py:finish():388] scan: /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/files +2024-05-23 05:09:22,117 INFO SenderThread:6050 [dir_watcher.py:finish():402] scan save: /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/files/config.yaml config.yaml +2024-05-23 05:09:22,117 INFO SenderThread:6050 [dir_watcher.py:finish():402] scan save: /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/files/requirements.txt requirements.txt +2024-05-23 05:09:22,117 INFO SenderThread:6050 [dir_watcher.py:finish():402] scan save: /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/files/output.log output.log +2024-05-23 05:09:22,119 INFO SenderThread:6050 [dir_watcher.py:finish():402] scan save: /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/files/wandb-summary.json wandb-summary.json +2024-05-23 05:09:22,120 INFO SenderThread:6050 [dir_watcher.py:finish():402] scan save: /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/files/wandb-metadata.json wandb-metadata.json +2024-05-23 05:09:22,120 INFO SenderThread:6050 [sender.py:transition_state():613] send defer: 10 +2024-05-23 05:09:22,122 DEBUG HandlerThread:6050 [handler.py:handle_request():158] handle_request: defer +2024-05-23 05:09:22,122 INFO HandlerThread:6050 [handler.py:handle_request_defer():184] handle defer: 10 +2024-05-23 05:09:22,123 DEBUG SenderThread:6050 [sender.py:send_request():405] send_request: defer +2024-05-23 05:09:22,124 INFO SenderThread:6050 [sender.py:send_request_defer():609] handle sender defer: 10 +2024-05-23 05:09:22,124 INFO SenderThread:6050 [file_pusher.py:finish():169] shutting down file pusher +2024-05-23 05:09:22,336 DEBUG HandlerThread:6050 [handler.py:handle_request():158] handle_request: poll_exit +2024-05-23 05:09:22,336 DEBUG SenderThread:6050 [sender.py:send_request():405] send_request: poll_exit +2024-05-23 05:09:22,354 INFO wandb-upload_0:6050 [upload_job.py:push():130] Uploaded file /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/files/config.yaml +2024-05-23 05:09:22,523 INFO wandb-upload_1:6050 [upload_job.py:push():130] Uploaded file /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/files/requirements.txt +2024-05-23 05:09:22,601 INFO wandb-upload_2:6050 [upload_job.py:push():130] Uploaded file /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/files/output.log +2024-05-23 05:09:22,602 INFO wandb-upload_3:6050 [upload_job.py:push():130] Uploaded file /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/files/wandb-summary.json +2024-05-23 05:09:22,802 INFO Thread-11 (_thread_body):6050 [sender.py:transition_state():613] send defer: 11 +2024-05-23 05:09:22,802 DEBUG HandlerThread:6050 [handler.py:handle_request():158] handle_request: defer +2024-05-23 05:09:22,803 INFO HandlerThread:6050 [handler.py:handle_request_defer():184] handle defer: 11 +2024-05-23 05:09:22,803 DEBUG SenderThread:6050 [sender.py:send_request():405] send_request: defer +2024-05-23 05:09:22,803 INFO SenderThread:6050 [sender.py:send_request_defer():609] handle sender defer: 11 +2024-05-23 05:09:22,803 INFO SenderThread:6050 [file_pusher.py:join():175] waiting for file pusher +2024-05-23 05:09:22,803 INFO SenderThread:6050 [sender.py:transition_state():613] send defer: 12 +2024-05-23 05:09:22,803 DEBUG HandlerThread:6050 [handler.py:handle_request():158] handle_request: defer +2024-05-23 05:09:22,803 INFO HandlerThread:6050 [handler.py:handle_request_defer():184] handle defer: 12 +2024-05-23 05:09:22,803 DEBUG SenderThread:6050 [sender.py:send_request():405] send_request: defer +2024-05-23 05:09:22,803 INFO SenderThread:6050 [sender.py:send_request_defer():609] handle sender defer: 12 +2024-05-23 05:09:22,803 INFO SenderThread:6050 [file_stream.py:finish():601] file stream finish called +2024-05-23 05:09:23,025 INFO SenderThread:6050 [file_stream.py:finish():605] file stream finish is done +2024-05-23 05:09:23,026 INFO SenderThread:6050 [sender.py:transition_state():613] send defer: 13 +2024-05-23 05:09:23,026 DEBUG HandlerThread:6050 [handler.py:handle_request():158] handle_request: defer +2024-05-23 05:09:23,026 INFO HandlerThread:6050 [handler.py:handle_request_defer():184] handle defer: 13 +2024-05-23 05:09:23,026 DEBUG SenderThread:6050 [sender.py:send_request():405] send_request: defer +2024-05-23 05:09:23,026 INFO SenderThread:6050 [sender.py:send_request_defer():609] handle sender defer: 13 +2024-05-23 05:09:23,026 INFO SenderThread:6050 [sender.py:transition_state():613] send defer: 14 +2024-05-23 05:09:23,026 DEBUG HandlerThread:6050 [handler.py:handle_request():158] handle_request: defer +2024-05-23 05:09:23,026 DEBUG SenderThread:6050 [sender.py:send():378] send: final +2024-05-23 05:09:23,026 INFO HandlerThread:6050 [handler.py:handle_request_defer():184] handle defer: 14 +2024-05-23 05:09:23,026 DEBUG SenderThread:6050 [sender.py:send():378] send: footer +2024-05-23 05:09:23,026 DEBUG SenderThread:6050 [sender.py:send_request():405] send_request: defer +2024-05-23 05:09:23,026 INFO SenderThread:6050 [sender.py:send_request_defer():609] handle sender defer: 14 +2024-05-23 05:09:23,027 DEBUG HandlerThread:6050 [handler.py:handle_request():158] handle_request: poll_exit +2024-05-23 05:09:23,027 DEBUG SenderThread:6050 [sender.py:send_request():405] send_request: poll_exit +2024-05-23 05:09:23,027 DEBUG HandlerThread:6050 [handler.py:handle_request():158] handle_request: poll_exit +2024-05-23 05:09:23,027 DEBUG SenderThread:6050 [sender.py:send_request():405] send_request: poll_exit +2024-05-23 05:09:23,028 DEBUG HandlerThread:6050 [handler.py:handle_request():158] handle_request: server_info +2024-05-23 05:09:23,028 DEBUG SenderThread:6050 [sender.py:send_request():405] send_request: server_info +2024-05-23 05:09:23,029 DEBUG HandlerThread:6050 [handler.py:handle_request():158] handle_request: get_summary +2024-05-23 05:09:23,029 DEBUG HandlerThread:6050 [handler.py:handle_request():158] handle_request: sampled_history +2024-05-23 05:09:23,029 DEBUG HandlerThread:6050 [handler.py:handle_request():158] handle_request: internal_messages +2024-05-23 05:09:23,090 INFO MainThread:6050 [wandb_run.py:_footer_history_summary_info():3994] rendering history +2024-05-23 05:09:23,090 INFO MainThread:6050 [wandb_run.py:_footer_history_summary_info():4026] rendering summary +2024-05-23 05:09:23,090 INFO MainThread:6050 [wandb_run.py:_footer_sync_info():3953] logging synced files +2024-05-23 05:09:23,091 DEBUG HandlerThread:6050 [handler.py:handle_request():158] handle_request: shutdown +2024-05-23 05:09:23,091 INFO HandlerThread:6050 [handler.py:finish():882] shutting down handler +2024-05-23 05:09:24,028 INFO WriterThread:6050 [datastore.py:close():296] close: /mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/run-m4z2yju1.wandb +2024-05-23 05:09:24,090 INFO SenderThread:6050 [sender.py:finish():1545] shutting down sender +2024-05-23 05:09:24,090 INFO SenderThread:6050 [file_pusher.py:finish():169] shutting down file pusher +2024-05-23 05:09:24,090 INFO SenderThread:6050 [file_pusher.py:join():175] waiting for file pusher diff --git a/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/run-m4z2yju1.wandb b/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/run-m4z2yju1.wandb new file mode 100644 index 0000000000000000000000000000000000000000..326d861b9b0acb5e23782bdeac3a586af74ddf90 Binary files /dev/null and b/lm-evaluation-harness/wandb/run-20240523_050912-m4z2yju1/run-m4z2yju1.wandb differ diff --git a/lm-evaluation-harness/wandb/run-20240530_125904-ay334ysj/files/config.yaml b/lm-evaluation-harness/wandb/run-20240530_125904-ay334ysj/files/config.yaml new file mode 100644 index 0000000000000000000000000000000000000000..a0af8e6107302dc2ab03033b35cd7f07bf1ea635 --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240530_125904-ay334ysj/files/config.yaml @@ -0,0 +1,284 @@ +wandb_version: 1 + +_wandb: + desc: null + value: + python_version: 3.10.12 + cli_version: 0.17.0 + framework: huggingface + huggingface_version: 4.36.2 + is_jupyter_run: false + is_kaggle_kernel: false + start_time: 1717073944 + t: + 1: + - 1 + - 5 + - 11 + - 49 + - 51 + - 53 + - 55 + - 71 + - 98 + - 100 + 2: + - 1 + - 5 + - 11 + - 49 + - 51 + - 53 + - 55 + - 71 + - 98 + - 100 + 3: + - 2 + - 13 + - 23 + - 62 + 4: 3.10.12 + 5: 0.17.0 + 6: 4.36.2 + 8: + - 5 + 13: linux-x86_64 +task_configs: + desc: null + value: + arc_easy: + task: arc_easy + group: + - ai2_arc + dataset_path: allenai/ai2_arc + dataset_name: ARC-Easy + training_split: train + validation_split: validation + test_split: test + doc_to_text: 'Question: {{question}} + + Answer:' + doc_to_target: '{{choices.label.index(answerKey)}}' + doc_to_choice: '{{choices.text}}' + description: '' + target_delimiter: ' ' + fewshot_delimiter: ' + + + ' + num_fewshot: 0 + metric_list: + - metric: acc + aggregation: mean + higher_is_better: true + - metric: acc_norm + aggregation: mean + higher_is_better: true + output_type: multiple_choice + repeats: 1 + should_decontaminate: true + doc_to_decontamination_query: 'Question: {{question}} + + Answer:' + metadata: + version: 1.0 + boolq: + task: boolq + group: + - super-glue-lm-eval-v1 + dataset_path: super_glue + dataset_name: boolq + training_split: train + validation_split: validation + doc_to_text: '{{passage}} + + Question: {{question}}? + + Answer:' + doc_to_target: label + doc_to_choice: + - 'no' + - 'yes' + description: '' + target_delimiter: ' ' + fewshot_delimiter: ' + + + ' + num_fewshot: 0 + metric_list: + - metric: acc + output_type: multiple_choice + repeats: 1 + should_decontaminate: true + doc_to_decontamination_query: passage + metadata: + version: 2.0 + copa: + task: copa + group: + - super-glue-lm-eval-v1 + dataset_path: super_glue + dataset_name: copa + training_split: train + validation_split: validation + doc_to_text: "def doc_to_text(doc):\n # Drop the period\n connector =\ + \ {\n \"cause\": \"because\",\n \"effect\": \"therefore\",\n\ + \ }[doc[\"question\"]]\n return doc[\"premise\"].strip()[:-1] + f\"\ + \ {connector}\"\n" + doc_to_target: "def doc_to_target(doc):\n correct_choice = doc[\"choice1\"\ + ] if doc[\"label\"] == 0 else doc[\"choice2\"]\n # Connect the sentences\n\ + \ return \" \" + convert_choice(correct_choice)\n" + doc_to_choice: "def doc_to_choice(doc):\n return [\" \" + convert_choice(doc[\"\ + choice1\"]), \" \" + convert_choice(doc[\"choice2\"])]\n" + description: '' + target_delimiter: ' ' + fewshot_delimiter: ' + + + ' + num_fewshot: 0 + metric_list: + - metric: acc + output_type: multiple_choice + repeats: 1 + should_decontaminate: false + metadata: + version: 1.0 + mrpc: + task: mrpc + group: glue + dataset_path: glue + dataset_name: mrpc + training_split: train + validation_split: validation + doc_to_text: 'Sentence 1: {{sentence1}} + + Sentence 2: {{sentence2}} + + Question: Do both sentences mean the same thing? + + Answer:' + doc_to_target: label + doc_to_choice: + - 'no' + - 'yes' + description: '' + target_delimiter: ' ' + fewshot_delimiter: ' + + + ' + num_fewshot: 0 + metric_list: + - metric: acc + - metric: f1 + output_type: multiple_choice + repeats: 1 + should_decontaminate: false + metadata: + version: 1.0 + piqa: + task: piqa + dataset_path: piqa + training_split: train + validation_split: validation + doc_to_text: 'Question: {{goal}} + + Answer:' + doc_to_target: label + doc_to_choice: '{{[sol1, sol2]}}' + description: '' + target_delimiter: ' ' + fewshot_delimiter: ' + + + ' + num_fewshot: 0 + metric_list: + - metric: acc + aggregation: mean + higher_is_better: true + - metric: acc_norm + aggregation: mean + higher_is_better: true + output_type: multiple_choice + repeats: 1 + should_decontaminate: true + doc_to_decontamination_query: goal + metadata: + version: 1.0 + sst2: + task: sst2 + group: glue + dataset_path: glue + dataset_name: sst2 + training_split: train + validation_split: validation + doc_to_text: '{{sentence}} + + Question: Is this sentence positive or negative? + + Answer:' + doc_to_target: label + doc_to_choice: + - negative + - positive + description: '' + target_delimiter: ' ' + fewshot_delimiter: ' + + + ' + num_fewshot: 0 + metric_list: + - metric: acc + output_type: multiple_choice + repeats: 1 + should_decontaminate: false + metadata: + version: 1.0 + winogrande: + task: winogrande + dataset_path: winogrande + dataset_name: winogrande_xl + training_split: train + validation_split: validation + doc_to_text: "def doc_to_text(doc):\n answer_to_num = {\"1\": 0, \"2\": 1}\n\ + \ return answer_to_num[doc[\"answer\"]]\n" + doc_to_target: "def doc_to_target(doc):\n idx = doc[\"sentence\"].index(\"\ + _\") + 1\n return doc[\"sentence\"][idx:].strip()\n" + doc_to_choice: "def doc_to_choice(doc):\n idx = doc[\"sentence\"].index(\"\ + _\")\n options = [doc[\"option1\"], doc[\"option2\"]]\n return [doc[\"\ + sentence\"][:idx] + opt for opt in options]\n" + description: '' + target_delimiter: ' ' + fewshot_delimiter: ' + + + ' + num_fewshot: 0 + metric_list: + - metric: acc + aggregation: mean + higher_is_better: true + output_type: multiple_choice + repeats: 1 + should_decontaminate: true + doc_to_decontamination_query: sentence + metadata: + version: 1.0 +cli_configs: + desc: null + value: + model: hf + model_args: pretrained=/mnt/weka/peacock/experiments/llama/eval/checkpoint-english/llamav2-3b/hf/global_step60000,tokenizer=/mnt/weka/peacock/tokenization/trained-tokenizer/enhiben_50k_hf/ConvertedTokenizer + batch_size: auto + batch_sizes: + - 64 + device: null + use_cache: null + limit: null + bootstrap_iters: 100000 + gen_kwargs: null diff --git a/lm-evaluation-harness/wandb/run-20240530_125904-ay334ysj/files/media/table/evaluation/eval_results_1_6de32f78399a0e293a38.table.json b/lm-evaluation-harness/wandb/run-20240530_125904-ay334ysj/files/media/table/evaluation/eval_results_1_6de32f78399a0e293a38.table.json new file mode 100644 index 0000000000000000000000000000000000000000..822f84cf06eadfd35ba225a925ede8c00f827bbc --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240530_125904-ay334ysj/files/media/table/evaluation/eval_results_1_6de32f78399a0e293a38.table.json @@ -0,0 +1 @@ +{"columns": ["Tasks", "Version", "Filter", "num_fewshot", "Metric", "Value", "Stderr"], "data": [["winogrande", 1.0, "none", 0, "acc", "0.5224940805051302", "0.0140"], ["sst2", 1.0, "none", 0, "acc", "0.5160550458715596", "0.0169"], ["piqa", 1.0, "none", 0, "acc", "0.4961915125136017", "0.0117"], ["piqa", 1.0, "none", 0, "acc_norm", "0.4880304678998912", "0.0117"], ["mrpc", 1.0, "none", 0, "acc", "0.3161764705882353", "0.0230"], ["mrpc", 1.0, "none", 0, "f1", "0.0", "0.0000"], ["copa", 1.0, "none", 0, "acc", "0.6", "0.0492"], ["boolq", 2.0, "none", 0, "acc", "0.37767584097859325", "0.0085"], ["arc_easy", 1.0, "none", 0, "acc", "0.2609427609427609", "0.0090"], ["arc_easy", 1.0, "none", 0, "acc_norm", "0.2689393939393939", "0.0091"]]} \ No newline at end of file diff --git a/lm-evaluation-harness/wandb/run-20240530_125904-ay334ysj/files/output.log b/lm-evaluation-harness/wandb/run-20240530_125904-ay334ysj/files/output.log new file mode 100644 index 0000000000000000000000000000000000000000..30949ec8f31bdf9410585553c5a88ccca2b330b7 --- /dev/null +++ b/lm-evaluation-harness/wandb/run-20240530_125904-ay334ysj/files/output.log @@ -0,0 +1,574 @@ + +2024-05-30:12:59:05,515 INFO [__main__.py:251] Verbosity set to INFO +2024-05-30:12:59:15,035 INFO [__main__.py:335] Selected Tasks: ['arc_easy', 'boolq', 'copa', 'mrpc', 'piqa', 'sst2', 'winogrande'] +2024-05-30:12:59:15,036 INFO [evaluator.py:131] Setting random seed to 0 | Setting numpy seed to 1234 | Setting torch manual seed to 1234 +2024-05-30:12:59:15,036 INFO [evaluator.py:177] Initializing hf model, with arguments: {'pretrained': '/mnt/weka/peacock/experiments/llama/eval/checkpoint-english/llamav2-3b/hf/global_step60000', 'tokenizer': '/mnt/weka/peacock/tokenization/trained-tokenizer/enhiben_50k_hf/ConvertedTokenizer'} +2024-05-30:12:59:17,353 INFO [huggingface.py:164] Using device 'cuda' +/usr/local/lib/python3.10/dist-packages/habana_frameworks/torch/gpu_migration/torch/cuda/memory.py:36: UserWarning: No need to call empty_cache on HPU. It manages the memory internally in an effcient way. + warnings.warn( +Special tokens have been added in the vocabulary, make sure the associated word embeddings are fine-tuned or trained. +Downloading readme: 100%|██████████| 9.00k/9.00k [00:00<00:00, 17.2MB/s] +Downloading data: 100%|██████████| 331k/331k [00:00<00:00, 2.00MB/s] +Downloading data: 100%|██████████| 346k/346k [00:00<00:00, 4.25MB/s] +Downloading data: 100%|██████████| 86.1k/86.1k [00:00<00:00, 1.12MB/s] +Generating train split: 100%|██████████| 2251/2251 [00:00<00:00, 45185.08 examples/s] +Generating test split: 100%|██████████| 2376/2376 [00:00<00:00, 329978.02 examples/s] +Generating validation split: 100%|██████████| 570/570 [00:00<00:00, 154391.56 examples/s] +2024-05-30:12:59:47,487 WARNING [task.py:763] [Task: boolq] metric acc is defined, but aggregation is not. using default aggregation=mean +2024-05-30:12:59:47,488 WARNING [task.py:775] [Task: boolq] metric acc is defined, but higher_is_better is not. using default higher_is_better=True +/usr/local/lib/python3.10/dist-packages/datasets/load.py:1486: FutureWarning: The repository for super_glue contains custom code which must be executed to correctly load the dataset. You can inspect the repository content at https://hf.co/datasets/super_glue +You can avoid this message in future by passing the argument `trust_remote_code=True`. +Passing `trust_remote_code=True` will be mandatory to load this dataset from the next major release of `datasets`. + warnings.warn( +Downloading builder script: 100%|██████████| 30.7k/30.7k [00:00<00:00, 39.7MB/s] +Downloading readme: 100%|██████████| 18.2k/18.2k [00:00<00:00, 30.4MB/s] +Downloading data: 100%|██████████| 4.12M/4.12M [00:00<00:00, 48.6MB/s] +Generating train split: 100%|██████████| 9427/9427 [00:00<00:00, 22046.37 examples/s] +Generating validation split: 100%|██████████| 3270/3270 [00:00<00:00, 21803.76 examples/s] +Generating test split: 100%|██████████| 3245/3245 [00:00<00:00, 23141.78 examples/s] +2024-05-30:12:59:51,208 WARNING [task.py:763] [Task: copa] metric acc is defined, but aggregation is not. using default aggregation=mean +2024-05-30:12:59:51,208 WARNING [task.py:775] [Task: copa] metric acc is defined, but higher_is_better is not. using default higher_is_better=True +Downloading data: 100%|██████████| 44.0k/44.0k [00:00<00:00, 40.3MB/s] +Generating train split: 100%|██████████| 400/400 [00:00<00:00, 15811.15 examples/s] +Generating validation split: 100%|██████████| 100/100 [00:00<00:00, 12590.97 examples/s] +Generating test split: 100%|██████████| 500/500 [00:00<00:00, 16971.78 examples/s] +2024-05-30:12:59:53,383 WARNING [task.py:763] [Task: mrpc] metric acc is defined, but aggregation is not. using default aggregation=mean +2024-05-30:12:59:53,383 WARNING [task.py:775] [Task: mrpc] metric acc is defined, but higher_is_better is not. using default higher_is_better=True +2024-05-30:12:59:53,383 WARNING [task.py:763] [Task: mrpc] metric f1 is defined, but aggregation is not. using default aggregation=f1 +2024-05-30:12:59:53,383 WARNING [task.py:775] [Task: mrpc] metric f1 is defined, but higher_is_better is not. using default higher_is_better=True +Downloading readme: 100%|██████████| 35.3k/35.3k [00:00<00:00, 44.8MB/s] +Downloading data: 100%|██████████| 649k/649k [00:00<00:00, 4.01MB/s] +Downloading data: 100%|██████████| 75.7k/75.7k [00:00<00:00, 522kB/s] +Downloading data: 100%|██████████| 308k/308k [00:00<00:00, 2.09MB/s] +Generating train split: 100%|██████████| 3668/3668 [00:00<00:00, 357384.94 examples/s] +Generating validation split: 100%|██████████| 408/408 [00:00<00:00, 162545.22 examples/s] +Generating test split: 100%|██████████| 1725/1725 [00:00<00:00, 352350.95 examples/s] +/usr/local/lib/python3.10/dist-packages/datasets/load.py:1486: FutureWarning: The repository for piqa contains custom code which must be executed to correctly load the dataset. You can inspect the repository content at https://hf.co/datasets/piqa +You can avoid this message in future by passing the argument `trust_remote_code=True`. +Passing `trust_remote_code=True` will be mandatory to load this dataset from the next major release of `datasets`. + warnings.warn( +Downloading builder script: 100%|██████████| 5.36k/5.36k [00:00<00:00, 11.2MB/s] +Downloading readme: 100%|██████████| 8.41k/8.41k [00:00<00:00, 16.6MB/s] +Downloading data: 100%|██████████| 1.82M/1.82M [00:00<00:00, 4.22MB/s] +Downloading data: 100%|██████████| 815k/815k [00:00<00:00, 20.7MB/s] +Generating train split: 100%|██████████| 16113/16113 [00:00<00:00, 23805.84 examples/s] +Generating test split: 100%|██████████| 3084/3084 [00:00<00:00, 23839.57 examples/s] +Generating validation split: 100%|██████████| 1838/1838 [00:00<00:00, 23860.41 examples/s] +2024-05-30:13:00:04,283 WARNING [task.py:763] [Task: sst2] metric acc is defined, but aggregation is not. using default aggregation=mean +2024-05-30:13:00:04,284 WARNING [task.py:775] [Task: sst2] metric acc is defined, but higher_is_better is not. using default higher_is_better=True +Downloading data: 100%|██████████| 3.11M/3.11M [00:00<00:00, 20.1MB/s] +Downloading data: 100%|██████████| 72.8k/72.8k [00:00<00:00, 499kB/s] +Downloading data: 100%|██████████| 148k/148k [00:00<00:00, 1.02MB/s] +Generating train split: 100%|██████████| 67349/67349 [00:00<00:00, 1413909.64 examples/s] +Generating validation split: 100%|██████████| 872/872 [00:00<00:00, 399152.36 examples/s] +Generating test split: 100%|██████████| 1821/1821 [00:00<00:00, 535424.30 examples/s] +/usr/local/lib/python3.10/dist-packages/datasets/load.py:1486: FutureWarning: The repository for winogrande contains custom code which must be executed to correctly load the dataset. You can inspect the repository content at https://hf.co/datasets/winogrande +You can avoid this message in future by passing the argument `trust_remote_code=True`. +Passing `trust_remote_code=True` will be mandatory to load this dataset from the next major release of `datasets`. + warnings.warn( +Downloading builder script: 100%|██████████| 5.65k/5.65k [00:00<00:00, 6.70MB/s] +Downloading readme: 100%|██████████| 9.97k/9.97k [00:00<00:00, 15.4MB/s] +Downloading data: 100%|██████████| 3.40M/3.40M [00:00<00:00, 6.99MB/s] +Generating train split: 100%|██████████| 40398/40398 [00:01<00:00, 24413.59 examples/s] +Generating test split: 100%|██████████| 1767/1767 [00:00<00:00, 24416.50 examples/s] +Generating validation split: 100%|██████████| 1267/1267 [00:00<00:00, 23495.16 examples/s] +2024-05-30:13:00:16,916 INFO [task.py:395] Building contexts for winogrande on rank 0... +100%|██████████| 1267/1267 [00:00<00:00, 69031.50it/s] +2024-05-30:13:00:17,013 INFO [task.py:395] Building contexts for sst2 on rank 0... +100%|██████████| 872/872 [00:00<00:00, 2557.92it/s] +2024-05-30:13:00:17,382 INFO [task.py:395] Building contexts for piqa on rank 0... +100%|██████████| 1838/1838 [00:01<00:00, 1089.79it/s] +2024-05-30:13:00:19,147 INFO [task.py:395] Building contexts for mrpc on rank 0... +100%|██████████| 408/408 [00:00<00:00, 1856.43it/s] +2024-05-30:13:00:19,398 INFO [task.py:395] Building contexts for copa on rank 0... +100%|██████████| 100/100 [00:00<00:00, 60637.62it/s] +2024-05-30:13:00:19,407 INFO [task.py:395] Building contexts for boolq on rank 0... +100%|██████████| 3270/3270 [00:01<00:00, 1968.67it/s] +2024-05-30:13:00:21,200 INFO [task.py:395] Building contexts for arc_easy on rank 0... +100%|██████████| 2376/2376 [00:02<00:00, 1075.40it/s] +2024-05-30:13:00:23,555 INFO [evaluator.py:379] Running loglikelihood requests +Token indices sequence length is longer than the specified maximum sequence length for this model (1333 > 1024). Running this sequence through the model will result in indexing errors +Running loglikelihood requests: 0%| | 0/25011 [00:00