applied-ai-018 commited on
Commit
0ababe2
·
verified ·
1 Parent(s): 321f4b6

Add files using upload-large-folder tool

Browse files
This view is limited to 50 files because it contains too many changes.   See raw diff
Files changed (50) hide show
  1. .gitattributes +1 -0
  2. lm-evaluation-harness/scripts/__init__.py +0 -0
  3. lm-evaluation-harness/scripts/build_benchmark.py +61 -0
  4. lm-evaluation-harness/scripts/cost_estimate.py +99 -0
  5. lm-evaluation-harness/scripts/get_prompts.py +25 -0
  6. lm-evaluation-harness/scripts/make_table_results.py +74 -0
  7. lm-evaluation-harness/scripts/make_table_tasks.py +54 -0
  8. lm-evaluation-harness/scripts/requests_caching.py +92 -0
  9. lm-evaluation-harness/scripts/write_out.py +92 -0
  10. lm-evaluation-harness/scripts/zeno_visualize.py +219 -0
  11. lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/files/config.yaml +43 -0
  12. lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/files/output.log +42 -0
  13. lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/files/wandb-metadata.json +810 -0
  14. lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/logs/debug-internal.log +181 -0
  15. lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/logs/debug.log +29 -0
  16. lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/run-b5pto704.wandb +0 -0
  17. lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/files/output.log +42 -0
  18. lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/files/wandb-summary.json +1 -0
  19. lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/logs/debug-internal.log +181 -0
  20. lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/logs/debug.log +28 -0
  21. lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/files/config.yaml +43 -0
  22. lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/files/requirements.txt +163 -0
  23. lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/files/wandb-metadata.json +810 -0
  24. lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/files/wandb-summary.json +1 -0
  25. lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/logs/debug-internal.log +181 -0
  26. lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/logs/debug.log +28 -0
  27. lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/config.yaml +43 -0
  28. lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/output.log +28 -0
  29. lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/requirements.txt +163 -0
  30. lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/wandb-metadata.json +810 -0
  31. lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/wandb-summary.json +1 -0
  32. lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/logs/debug-internal.log +195 -0
  33. lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/logs/debug.log +29 -0
  34. lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/run-9mbhv4sb.wandb +0 -0
  35. lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/files/config.yaml +43 -0
  36. lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/logs/debug-internal.log +194 -0
  37. lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/logs/debug.log +29 -0
  38. lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/run-n61ndviq.wandb +0 -0
  39. lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/config.yaml +43 -0
  40. lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/output.log +28 -0
  41. lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/requirements.txt +163 -0
  42. lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/wandb-metadata.json +810 -0
  43. lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/wandb-summary.json +1 -0
  44. lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/logs/debug-internal.log +193 -0
  45. lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/logs/debug.log +29 -0
  46. lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/run-tzl0yppn.wandb +0 -0
  47. lm-evaluation-harness/wandb/run-20240522_164449-z16tyxyv/files/config.yaml +43 -0
  48. lm-evaluation-harness/wandb/run-20240522_164449-z16tyxyv/files/output.log +43 -0
  49. lm-evaluation-harness/wandb/run-20240522_164449-z16tyxyv/files/requirements.txt +155 -0
  50. lm-evaluation-harness/wandb/run-20240522_164449-z16tyxyv/files/wandb-metadata.json +850 -0
.gitattributes CHANGED
@@ -125,3 +125,4 @@ lm-evaluation-harness/wandb/run-20240605_062502-fvj55jrc/run-fvj55jrc.wandb filt
125
  lm-evaluation-harness/wandb/run-20240608_122925-vmbmpokf/run-vmbmpokf.wandb filter=lfs diff=lfs merge=lfs -text
126
  lm-evaluation-harness/wandb/run-20240605_110038-lwgnduuo/run-lwgnduuo.wandb filter=lfs diff=lfs merge=lfs -text
127
  lm-evaluation-harness/wandb/run-20240605_140919-mkdnls2x/run-mkdnls2x.wandb filter=lfs diff=lfs merge=lfs -text
 
 
125
  lm-evaluation-harness/wandb/run-20240608_122925-vmbmpokf/run-vmbmpokf.wandb filter=lfs diff=lfs merge=lfs -text
126
  lm-evaluation-harness/wandb/run-20240605_110038-lwgnduuo/run-lwgnduuo.wandb filter=lfs diff=lfs merge=lfs -text
127
  lm-evaluation-harness/wandb/run-20240605_140919-mkdnls2x/run-mkdnls2x.wandb filter=lfs diff=lfs merge=lfs -text
128
+ lm-evaluation-harness/wandb/run-20240605_093020-laxetjfu/run-laxetjfu.wandb filter=lfs diff=lfs merge=lfs -text
lm-evaluation-harness/scripts/__init__.py ADDED
File without changes
lm-evaluation-harness/scripts/build_benchmark.py ADDED
@@ -0,0 +1,61 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import argparse
2
+ import os
3
+
4
+ import yaml
5
+ from promptsource.templates import DatasetTemplates
6
+ from tqdm import tqdm
7
+
8
+ # from lm_eval.api.registry import ALL_TASKS
9
+ from lm_eval.logger import eval_logger
10
+
11
+
12
+ # from lm_eval.tasks import include_task_folder
13
+
14
+
15
+ def parse_args():
16
+ parser = argparse.ArgumentParser()
17
+ parser.add_argument("--benchmark_name", required=True)
18
+ parser.add_argument("--benchmark_path", required=True)
19
+ parser.add_argument("--task_save_path", default="lm_eval/tasks/")
20
+ return parser.parse_args()
21
+
22
+
23
+ if __name__ == "__main__":
24
+ args = parse_args()
25
+
26
+ with open(args.benchmark_path, encoding="utf-8") as file:
27
+ TASK_LIST = yaml.full_load(file)
28
+ for task in tqdm(TASK_LIST):
29
+ eval_logger.info(f"Processing {task}")
30
+
31
+ dataset_name = task["dataset_path"]
32
+ if "dataset_name" in task:
33
+ subset_name = task["dataset_name"]
34
+ file_subdir = f"{dataset_name}/{subset_name}"
35
+ else:
36
+ subset_name = None
37
+ file_subdir = f"{dataset_name}"
38
+
39
+ file_path = os.path.join(args.task_save_path, file_subdir, "promptsource/")
40
+
41
+ os.makedirs(file_path, exist_ok=True)
42
+
43
+ if subset_name is None:
44
+ prompts = DatasetTemplates(dataset_name=dataset_name)
45
+ else:
46
+ prompts = DatasetTemplates(
47
+ dataset_name=dataset_name, subset_name=subset_name
48
+ )
49
+
50
+ for idx, prompt_name in enumerate(prompts.all_template_names):
51
+ full_file_name = f"promptsource_{idx}.yaml"
52
+ config_dict = {
53
+ "group": args.benchmark_name,
54
+ "include": "promptsource_template.yaml",
55
+ "use_prompts": f"promptsource:{prompt_name}",
56
+ }
57
+
58
+ file_save_path = os.path.join(file_path, full_file_name)
59
+ eval_logger.info(f"Save to {file_save_path}")
60
+ with open(file_save_path, "w", encoding="utf-8") as yaml_file:
61
+ yaml.dump(config_dict, yaml_file)
lm-evaluation-harness/scripts/cost_estimate.py ADDED
@@ -0,0 +1,99 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import random
2
+
3
+ import transformers
4
+
5
+ from lm_eval import evaluator, tasks
6
+ from lm_eval.api.model import LM
7
+
8
+
9
+ class DryrunLM(LM):
10
+ def __init__(self):
11
+ self.tokencost = 0
12
+ self.tokenizer = transformers.GPT2TokenizerFast.from_pretrained("gpt2")
13
+ self.tokenizer.pad_token = "<|endoftext|>"
14
+
15
+ @classmethod
16
+ def create_from_arg_string(cls, arg_string):
17
+ return cls()
18
+
19
+ def loglikelihood(self, requests):
20
+ res = []
21
+
22
+ for ctx, cont in requests:
23
+ res.append((-random.random(), False))
24
+ self.tokencost += len(self.tokenizer.tokenize(ctx + cont))
25
+
26
+ return res
27
+
28
+ def generate_until(self, requests):
29
+ res = []
30
+
31
+ for ctx, _ in requests:
32
+ res.append("lol")
33
+
34
+ # assume worst case - generates until 256
35
+ self.tokencost += len(self.tokenizer.tokenize(ctx)) + 256
36
+
37
+ return res
38
+
39
+ def loglikelihood_rolling(self, requests):
40
+ res = []
41
+
42
+ for (s,) in requests:
43
+ # assume worst case: extra full context
44
+ self.tokencost += len(self.tokenizer.tokenize(s)) + 2048
45
+
46
+ return res
47
+
48
+
49
+ def main():
50
+ lm = DryrunLM()
51
+
52
+ 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"
53
+ values = []
54
+ for taskname in task_list.split(","):
55
+ lm.tokencost = 0
56
+ evaluator.simple_evaluate(
57
+ lm=lm,
58
+ task_dict={taskname: tasks.get_task(taskname)()},
59
+ num_fewshot=0,
60
+ limit=None,
61
+ bootstrap_iters=10,
62
+ )
63
+
64
+ print(taskname, lm.tokencost)
65
+ values.append(
66
+ [
67
+ taskname,
68
+ lm.tokencost,
69
+ lm.tokencost / 1000 * 0.0008,
70
+ lm.tokencost / 1000 * 0.0012,
71
+ lm.tokencost / 1000 * 0.006,
72
+ lm.tokencost / 1000 * 0.06,
73
+ ]
74
+ )
75
+ from pytablewriter import MarkdownTableWriter
76
+
77
+ writer = MarkdownTableWriter()
78
+ writer.headers = ["Task", "Tokens", "Ada", "Babbage", "Curie", "Davinci"]
79
+
80
+ values.sort(key=lambda x: -x[1])
81
+ totcost = sum([x[1] for x in values])
82
+ values.append(
83
+ [
84
+ "**Total**",
85
+ totcost,
86
+ totcost / 1000 * 0.0008,
87
+ totcost / 1000 * 0.0012,
88
+ totcost / 1000 * 0.006,
89
+ totcost / 1000 * 0.06,
90
+ ]
91
+ )
92
+
93
+ writer.value_matrix = values
94
+
95
+ print(writer.dumps())
96
+
97
+
98
+ if __name__ == "__main__":
99
+ main()
lm-evaluation-harness/scripts/get_prompts.py ADDED
@@ -0,0 +1,25 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ from itertools import islice
2
+
3
+ from lm_eval import tasks
4
+
5
+
6
+ ct = 3
7
+
8
+ for (
9
+ tname,
10
+ Task,
11
+ ) in tasks.TASK_REGISTRY.items(): # [('record', tasks.superglue.ReCoRD)]:#
12
+ task = Task()
13
+
14
+ print("#", tname)
15
+ docs = islice(
16
+ task.validation_docs() if task.has_validation_docs() else task.test_docs(), ct
17
+ )
18
+ print()
19
+ for i in range(ct):
20
+ print()
21
+ doc = next(docs)
22
+ print("**Context**:", "\n```\n" + task.doc_to_text(doc) + "\n```\n")
23
+ print()
24
+ print("**Target**:", "\n```\n" + task.doc_to_target(doc) + "\n```\n")
25
+ print()
lm-evaluation-harness/scripts/make_table_results.py ADDED
@@ -0,0 +1,74 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ """
2
+ Usage:
3
+ python make_table_tasks.py --output <markdown_filename>
4
+ """
5
+ import json
6
+ import logging
7
+ import os
8
+
9
+ from pytablewriter import LatexTableWriter, MarkdownTableWriter
10
+
11
+
12
+ logging.basicConfig(level=logging.INFO)
13
+ logger = logging.getLogger(__name__)
14
+
15
+
16
+ def make_table(result_dict):
17
+ """Generate table of results."""
18
+ md_writer = MarkdownTableWriter()
19
+ latex_writer = LatexTableWriter()
20
+ md_writer.headers = ["Task", "Version", "Metric", "Value", "", "Stderr"]
21
+ latex_writer.headers = ["Task", "Version", "Metric", "Value", "", "Stderr"]
22
+
23
+ values = []
24
+
25
+ for k, dic in sorted(result_dict["results"].items()):
26
+ version = result_dict["versions"][k]
27
+ percent = k == "squad2"
28
+ for m, v in dic.items():
29
+ if m.endswith("_stderr"):
30
+ continue
31
+
32
+ if m + "_stderr" in dic:
33
+ se = dic[m + "_stderr"]
34
+ if percent or m == "ppl":
35
+ values.append([k, version, m, "%.2f" % v, "±", "%.2f" % se])
36
+ else:
37
+ values.append(
38
+ [k, version, m, "%.2f" % (v * 100), "±", "%.2f" % (se * 100)]
39
+ )
40
+ else:
41
+ if percent or m == "ppl":
42
+ values.append([k, version, m, "%.2f" % v, "", ""])
43
+ else:
44
+ values.append([k, version, m, "%.2f" % (v * 100), "", ""])
45
+ k = ""
46
+ version = ""
47
+ md_writer.value_matrix = values
48
+ latex_writer.value_matrix = values
49
+
50
+ # todo: make latex table look good
51
+ # print(latex_writer.dumps())
52
+
53
+ return md_writer.dumps()
54
+
55
+
56
+ if __name__ == "__main__":
57
+ # loop dirs and subdirs in results dir
58
+ # for each dir, load json files
59
+ for dirpath, dirnames, filenames in os.walk("../results"):
60
+ # skip dirs without files
61
+ if not filenames:
62
+ continue
63
+ path_readme = os.path.join(dirpath, "README.md")
64
+ with open(path_readme, "w", encoding="utf-8") as f:
65
+ # get path name, only last folder
66
+ path_name = dirpath.split("/")[-1]
67
+ f.write(f"# {path_name} \n\n")
68
+ for filename in sorted([f for f in filenames if f.endswith(".json")]):
69
+ path = os.path.join(dirpath, filename)
70
+ with open(path, "r", encoding="utf-8") as f:
71
+ result_dict = json.load(f)
72
+ with open(path_readme, "a", encoding="utf-8") as f:
73
+ f.write(f"## {filename} \n")
74
+ f.write(f"{make_table(result_dict)} \n")
lm-evaluation-harness/scripts/make_table_tasks.py ADDED
@@ -0,0 +1,54 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ """
2
+ Usage:
3
+ python make_table_tasks.py --output <markdown_filename>
4
+ """
5
+ import argparse
6
+ import logging
7
+
8
+ from pytablewriter import MarkdownTableWriter
9
+
10
+ from lm_eval import tasks
11
+
12
+
13
+ logging.basicConfig(level=logging.INFO)
14
+ logger = logging.getLogger(__name__)
15
+
16
+
17
+ def check(tf):
18
+ if tf:
19
+ return "✓"
20
+ else:
21
+ return " "
22
+
23
+
24
+ if __name__ == "__main__":
25
+ parser = argparse.ArgumentParser()
26
+ parser.add_argument("--output", type=str, default="task_table.md")
27
+ args = parser.parse_args()
28
+
29
+ writer = MarkdownTableWriter()
30
+ writer.headers = ["Task Name", "Train", "Val", "Test", "Val/Test Docs", "Metrics"]
31
+ values = []
32
+
33
+ tasks = tasks.TASK_REGISTRY.items()
34
+ tasks = sorted(tasks, key=lambda x: x[0])
35
+ for tname, Task in tasks:
36
+ task = Task()
37
+ v = [
38
+ tname,
39
+ check(task.has_training_docs()),
40
+ check(task.has_validation_docs()),
41
+ check(task.has_test_docs()),
42
+ len(
43
+ list(
44
+ task.test_docs() if task.has_test_docs() else task.validation_docs()
45
+ )
46
+ ),
47
+ ", ".join(task.aggregation().keys()),
48
+ ]
49
+ logger.info(v)
50
+ values.append(v)
51
+ writer.value_matrix = values
52
+ table = writer.dumps()
53
+ with open(args.output, "w", encoding="utf-8") as f:
54
+ f.write(table)
lm-evaluation-harness/scripts/requests_caching.py ADDED
@@ -0,0 +1,92 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ """
2
+ Usage:
3
+ python requests_caching.py --tasks=comma,separated,list,of,tasks --cache_requests=<true|refresh|delete]>
4
+ """
5
+
6
+ import argparse
7
+ import os
8
+ from typing import List
9
+
10
+ import torch
11
+ from transformers import (
12
+ pipeline as trans_pipeline,
13
+ )
14
+
15
+ from lm_eval import simple_evaluate
16
+ from lm_eval.evaluator import request_caching_arg_to_dict
17
+ from lm_eval.utils import eval_logger
18
+
19
+
20
+ MODULE_DIR = os.path.dirname(os.path.realpath(__file__))
21
+
22
+ # Used to specify alternate cache path, useful if run in a docker container
23
+ # NOTE raw datasets will break if you try to transfer the cache from your host to a docker image
24
+ LM_HARNESS_CACHE_PATH = os.getenv("LM_HARNESS_CACHE_PATH")
25
+
26
+
27
+ DEVICE = "cuda" if torch.cuda.is_available() else "cpu"
28
+
29
+ MODEL = "EleutherAI/pythia-70m"
30
+
31
+ TASK = "text-generation"
32
+
33
+
34
+ def run_model_for_task_caching(tasks: List[str], cache_requests: str):
35
+ eval_logger.info(f"Loading HF model: {MODEL}")
36
+
37
+ trans_pipe = trans_pipeline(
38
+ task=TASK, model=MODEL, device=DEVICE, trust_remote_code=True
39
+ )
40
+
41
+ model = trans_pipe.model
42
+ tokenizer = trans_pipe.tokenizer
43
+
44
+ eval_logger.info(
45
+ f"Running simple_evaluate to cache request objects for tasks: {tasks}"
46
+ )
47
+
48
+ cache_args = request_caching_arg_to_dict(cache_requests=cache_requests)
49
+
50
+ eval_logger.info(
51
+ f"The following operations will be performed on the cache: {cache_requests}"
52
+ )
53
+
54
+ eval_data = simple_evaluate(
55
+ model="hf-auto",
56
+ model_args={
57
+ "pretrained": model,
58
+ "tokenizer": tokenizer,
59
+ },
60
+ limit=1,
61
+ device=DEVICE,
62
+ tasks=tasks,
63
+ write_out=True,
64
+ **cache_args,
65
+ )
66
+
67
+ return eval_data
68
+
69
+
70
+ if __name__ == "__main__":
71
+ parser = argparse.ArgumentParser()
72
+ parser.add_argument(
73
+ "--tasks",
74
+ "-t",
75
+ default=None,
76
+ metavar="task1,task2",
77
+ )
78
+ parser.add_argument(
79
+ "--cache_requests",
80
+ type=str,
81
+ default=None,
82
+ choices=["true", "refresh", "delete"],
83
+ help="Speed up evaluation by caching the building of dataset requests. `None` if not caching.",
84
+ )
85
+
86
+ args = parser.parse_args()
87
+
88
+ tasks = args.tasks.split(",")
89
+
90
+ eval_data = run_model_for_task_caching(
91
+ tasks=tasks, model=MODEL, device=DEVICE, cache_requests=args.cache_requests
92
+ )
lm-evaluation-harness/scripts/write_out.py ADDED
@@ -0,0 +1,92 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import argparse
2
+ import os
3
+ import random
4
+
5
+ import numpy as np
6
+
7
+ from lm_eval import tasks
8
+ from lm_eval.tasks import TaskManager
9
+ from lm_eval.utils import eval_logger, join_iters
10
+
11
+
12
+ EXAMPLE_DIVIDER = "!!@@##@@!! -- Example {i}\n"
13
+
14
+
15
+ def parse_args():
16
+ parser = argparse.ArgumentParser()
17
+ parser.add_argument("--output_base_path", "--output_path", required=True)
18
+ parser.add_argument("--tasks", default="all_tasks")
19
+ parser.add_argument("--sets", type=str, default="val") # example: val,test
20
+ parser.add_argument("--num_fewshot", type=int, default=1)
21
+ parser.add_argument("--seed", type=int, default=42)
22
+ parser.add_argument("--num_examples", type=int, default=1)
23
+ parser.add_argument(
24
+ "--include_path",
25
+ type=str,
26
+ default=None,
27
+ help="Additional path to include if there are external tasks to include.",
28
+ )
29
+ parser.add_argument(
30
+ "--verbosity",
31
+ type=str,
32
+ default="INFO",
33
+ help="Log error when tasks are not registered.",
34
+ )
35
+ return parser.parse_args()
36
+
37
+
38
+ def main():
39
+ args = parse_args()
40
+ np.random.seed(args.seed)
41
+
42
+ if args.include_path is not None:
43
+ eval_logger.info(f"Including path: {args.include_path}")
44
+
45
+ task_manager = TaskManager(args.verbosity, include_path=args.include_path)
46
+
47
+ if args.tasks == "all_tasks":
48
+ task_names = task_manager.all_tasks
49
+ else:
50
+ task_names = args.tasks.split(",")
51
+ task_dict = tasks.get_task_dict(task_names, task_manager)
52
+
53
+ os.makedirs(args.output_base_path, exist_ok=True)
54
+ for task_name, task in task_dict.items():
55
+ if isinstance(task, tuple):
56
+ _, task = task
57
+ rnd = random.Random()
58
+ rnd.seed(args.seed)
59
+
60
+ iters = []
61
+
62
+ for set in args.sets.split(","):
63
+ docs = None
64
+ if set == "train" and task.has_training_docs():
65
+ docs = task.training_docs()
66
+ if set == "val" and task.has_validation_docs():
67
+ docs = task.validation_docs()
68
+ if set == "test" and task.has_test_docs():
69
+ docs = task.test_docs()
70
+ if docs is not None:
71
+ iters.append(docs)
72
+
73
+ docs = join_iters(iters)
74
+
75
+ with open(
76
+ os.path.join(args.output_base_path, task_name), "w", encoding="utf8"
77
+ ) as f:
78
+ for i, doc in (
79
+ zip(range(args.num_examples), docs)
80
+ if args.num_examples > 0
81
+ else enumerate(docs)
82
+ ):
83
+ f.write(EXAMPLE_DIVIDER.format(i=i))
84
+ ctx = task.fewshot_context(
85
+ doc=doc,
86
+ num_fewshot=args.num_fewshot,
87
+ )
88
+ f.write(ctx + "\n")
89
+
90
+
91
+ if __name__ == "__main__":
92
+ main()
lm-evaluation-harness/scripts/zeno_visualize.py ADDED
@@ -0,0 +1,219 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import argparse
2
+ import json
3
+ import os
4
+ import re
5
+ from pathlib import Path
6
+
7
+ import pandas as pd
8
+ from zeno_client import ZenoClient, ZenoMetric
9
+
10
+ from lm_eval.utils import eval_logger
11
+
12
+
13
+ def parse_args():
14
+ parser = argparse.ArgumentParser(
15
+ 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."
16
+ )
17
+ parser.add_argument(
18
+ "--data_path",
19
+ required=True,
20
+ help="Where to find the results of the benchmarks that have been run. Uses the name of each subfolder as the model name.",
21
+ )
22
+ parser.add_argument(
23
+ "--project_name",
24
+ required=True,
25
+ help="The name of the generated Zeno project.",
26
+ )
27
+ return parser.parse_args()
28
+
29
+
30
+ def main():
31
+ """Upload the results of your benchmark tasks to the Zeno AI evaluation platform.
32
+
33
+ This scripts expects your results to live in a data folder where subfolders contain results of individual models.
34
+ """
35
+ args = parse_args()
36
+
37
+ client = ZenoClient(os.environ["ZENO_API_KEY"])
38
+
39
+ # Get all model subfolders from the parent data folder.
40
+ models = [
41
+ os.path.basename(os.path.normpath(f))
42
+ for f in os.scandir(Path(args.data_path))
43
+ if f.is_dir()
44
+ ]
45
+
46
+ assert len(models) > 0, "No model directories found in the data_path."
47
+
48
+ tasks = set(tasks_for_model(models[0], args.data_path))
49
+
50
+ for model in models: # Make sure that all models have the same tasks.
51
+ old_tasks = tasks.copy()
52
+ task_count = len(tasks)
53
+
54
+ model_tasks = tasks_for_model(model, args.data_path)
55
+ tasks.intersection(set(model_tasks))
56
+
57
+ if task_count != len(tasks):
58
+ eval_logger.warning(
59
+ f"All models must have the same tasks. {model} has tasks: {model_tasks} but have already recorded tasks: {old_tasks}. Taking intersection {tasks}"
60
+ )
61
+
62
+ assert (
63
+ len(tasks) > 0
64
+ ), "Must provide at least one task in common amongst models to compare."
65
+
66
+ for task in tasks:
67
+ # Upload data for all models
68
+ for model_index, model in enumerate(models):
69
+ model_args = re.sub(
70
+ r"[\"<>:/\|\\?\*\[\]]+",
71
+ "__",
72
+ json.load(
73
+ open(Path(args.data_path, model, "results.json"), encoding="utf-8")
74
+ )["config"]["model_args"],
75
+ )
76
+ with open(
77
+ Path(args.data_path, model, f"{model_args}_{task}.jsonl"),
78
+ "r",
79
+ encoding="utf-8",
80
+ ) as file:
81
+ data = json.loads(file.read())
82
+
83
+ configs = json.load(
84
+ open(Path(args.data_path, model, "results.json"), encoding="utf-8")
85
+ )["configs"]
86
+ config = configs[task]
87
+
88
+ if model_index == 0: # Only need to assemble data for the first model
89
+ metrics = []
90
+ for metric in config["metric_list"]:
91
+ metrics.append(
92
+ ZenoMetric(
93
+ name=metric["metric"],
94
+ type="mean",
95
+ columns=[metric["metric"]],
96
+ )
97
+ )
98
+ project = client.create_project(
99
+ name=args.project_name + (f"_{task}" if len(tasks) > 1 else ""),
100
+ view="text-classification",
101
+ metrics=metrics,
102
+ )
103
+ project.upload_dataset(
104
+ generate_dataset(data, config),
105
+ id_column="id",
106
+ data_column="data",
107
+ label_column="labels",
108
+ )
109
+
110
+ project.upload_system(
111
+ generate_system_df(data, config),
112
+ name=model,
113
+ id_column="id",
114
+ output_column="output",
115
+ )
116
+
117
+
118
+ def tasks_for_model(model: str, data_path: str):
119
+ """Get the tasks for a specific model.
120
+
121
+ Args:
122
+ model (str): The name of the model.
123
+ data_path (str): The path to the data.
124
+
125
+ Returns:
126
+ list: A list of tasks for the model.
127
+ """
128
+ dir_path = Path(data_path, model)
129
+ config = (
130
+ json.load(open(Path(dir_path, "results.json"), encoding="utf-8"))["configs"],
131
+ )
132
+ return list(config[0].keys())
133
+
134
+
135
+ def generate_dataset(
136
+ data,
137
+ config,
138
+ ):
139
+ """Generate a Zeno dataset from evaluation data.
140
+
141
+ Args:
142
+ data: The data to generate a dataset for.
143
+ config: The configuration of the task.
144
+
145
+ Returns:
146
+ pd.Dataframe: A dataframe that is ready to be uploaded to Zeno.
147
+ """
148
+ ids = [x["doc_id"] for x in data]
149
+ labels = [x["target"] for x in data]
150
+ instance = [""] * len(ids)
151
+
152
+ if config["output_type"] == "loglikelihood":
153
+ instance = [x["arguments"][0][0] for x in data]
154
+ labels = [x["arguments"][0][1] for x in data]
155
+ elif config["output_type"] == "multiple_choice":
156
+ instance = [
157
+ x["arguments"][0][0]
158
+ + "\n\n"
159
+ + "\n".join([f"- {y[1]}" for y in x["arguments"]])
160
+ for x in data
161
+ ]
162
+ elif config["output_type"] == "loglikelihood_rolling":
163
+ instance = [x["arguments"][0][0] for x in data]
164
+ elif config["output_type"] == "generate_until":
165
+ instance = [x["arguments"][0][0] for x in data]
166
+
167
+ return pd.DataFrame(
168
+ {
169
+ "id": ids,
170
+ "data": instance,
171
+ "input_len": [len(x) for x in instance],
172
+ "labels": labels,
173
+ "output_type": config["output_type"],
174
+ }
175
+ )
176
+
177
+
178
+ def generate_system_df(data, config):
179
+ """Generate a dataframe for a specific system to be uploaded to Zeno.
180
+
181
+ Args:
182
+ data: The data to generate a dataframe from.
183
+ config: The configuration of the task.
184
+
185
+ Returns:
186
+ pd.Dataframe: A dataframe that is ready to be uploaded to Zeno as a system.
187
+ """
188
+ ids = [x["doc_id"] for x in data]
189
+ system_dict = {"id": ids}
190
+ system_dict["output"] = [""] * len(ids)
191
+
192
+ if config["output_type"] == "loglikelihood":
193
+ system_dict["output"] = [
194
+ "correct" if x["filtered_resps"][0][1] is True else "incorrect"
195
+ for x in data
196
+ ]
197
+ elif config["output_type"] == "multiple_choice":
198
+ system_dict["output"] = [
199
+ ", ".join([str(y[0]) for y in x["filtered_resps"]]) for x in data
200
+ ]
201
+ system_dict["num_answers"] = [len(x["filtered_resps"]) for x in data]
202
+ elif config["output_type"] == "loglikelihood_rolling":
203
+ system_dict["output"] = [str(x["filtered_resps"][0]) for x in data]
204
+ elif config["output_type"] == "generate_until":
205
+ system_dict["output"] = [str(x["filtered_resps"][0]) for x in data]
206
+ system_dict["output_length"] = [len(str(x["filtered_resps"][0])) for x in data]
207
+
208
+ metrics = {}
209
+ for metric in config["metric_list"]:
210
+ if "aggregation" in metric and metric["aggregation"] == "mean":
211
+ metrics[metric["metric"]] = [x[metric["metric"]] for x in data]
212
+
213
+ system_dict.update(metrics)
214
+ system_df = pd.DataFrame(system_dict)
215
+ return system_df
216
+
217
+
218
+ if __name__ == "__main__":
219
+ main()
lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/files/config.yaml ADDED
@@ -0,0 +1,43 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ wandb_version: 1
2
+
3
+ _wandb:
4
+ desc: null
5
+ value:
6
+ python_version: 3.10.12
7
+ cli_version: 0.17.0
8
+ framework: huggingface
9
+ huggingface_version: 4.40.2
10
+ is_jupyter_run: false
11
+ is_kaggle_kernel: false
12
+ start_time: 1715682654
13
+ t:
14
+ 1:
15
+ - 1
16
+ - 5
17
+ - 11
18
+ - 49
19
+ - 51
20
+ - 53
21
+ - 55
22
+ - 71
23
+ - 98
24
+ - 100
25
+ 2:
26
+ - 1
27
+ - 5
28
+ - 11
29
+ - 49
30
+ - 51
31
+ - 53
32
+ - 55
33
+ - 71
34
+ - 98
35
+ - 100
36
+ 3:
37
+ - 23
38
+ 4: 3.10.12
39
+ 5: 0.17.0
40
+ 6: 4.40.2
41
+ 8:
42
+ - 5
43
+ 13: linux-x86_64
lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/files/output.log ADDED
@@ -0,0 +1,42 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+
2
+ 2024-05-14:10:30:54,690 INFO [__main__.py:251] Verbosity set to INFO
3
+ 2024-05-14:10:30:59,106 INFO [__main__.py:335] Selected Tasks: ['indiccopa-hi']
4
+ 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
5
+ 2024-05-14:10:30:59,108 INFO [evaluator.py:177] Initializing hf model, with arguments: {'pretrained': '/data/cronscript/ckpts//hf_ckpt//global_step120'}
6
+ Traceback (most recent call last):
7
+ File "/usr/local/lib/python3.10/dist-packages/transformers/utils/hub.py", line 398, in cached_file
8
+ resolved_file = hf_hub_download(
9
+ File "/usr/local/lib/python3.10/dist-packages/huggingface_hub/utils/_validators.py", line 106, in _inner_fn
10
+ validate_repo_id(arg_value)
11
+ File "/usr/local/lib/python3.10/dist-packages/huggingface_hub/utils/_validators.py", line 154, in validate_repo_id
12
+ raise HFValidationError(
13
+ 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.
14
+ The above exception was the direct cause of the following exception:
15
+ Traceback (most recent call last):
16
+ File "/usr/lib/python3.10/runpy.py", line 196, in _run_module_as_main
17
+ return _run_code(code, main_globals, None,
18
+ File "/usr/lib/python3.10/runpy.py", line 86, in _run_code
19
+ exec(code, run_globals)
20
+ File "/data/cronscript/lm-evaluation-harness/lm_eval/__main__.py", line 417, in <module>
21
+ cli_evaluate()
22
+ File "/data/cronscript/lm-evaluation-harness/lm_eval/__main__.py", line 341, in cli_evaluate
23
+ results = evaluator.simple_evaluate(
24
+ File "/data/cronscript/lm-evaluation-harness/lm_eval/utils.py", line 288, in _wrapper
25
+ return fn(*args, **kwargs)
26
+ File "/data/cronscript/lm-evaluation-harness/lm_eval/evaluator.py", line 180, in simple_evaluate
27
+ lm = lm_eval.api.registry.get_model(model).create_from_arg_string(
28
+ File "/data/cronscript/lm-evaluation-harness/lm_eval/api/model.py", line 134, in create_from_arg_string
29
+ return cls(**args, **args2)
30
+ File "/data/cronscript/lm-evaluation-harness/lm_eval/models/huggingface.py", line 190, in __init__
31
+ self._get_config(
32
+ File "/data/cronscript/lm-evaluation-harness/lm_eval/models/huggingface.py", line 471, in _get_config
33
+ self._config = transformers.AutoConfig.from_pretrained(
34
+ File "/usr/local/lib/python3.10/dist-packages/transformers/models/auto/configuration_auto.py", line 928, in from_pretrained
35
+ config_dict, unused_kwargs = PretrainedConfig.get_config_dict(pretrained_model_name_or_path, **kwargs)
36
+ File "/usr/local/lib/python3.10/dist-packages/transformers/configuration_utils.py", line 631, in get_config_dict
37
+ config_dict, kwargs = cls._get_config_dict(pretrained_model_name_or_path, **kwargs)
38
+ File "/usr/local/lib/python3.10/dist-packages/transformers/configuration_utils.py", line 686, in _get_config_dict
39
+ resolved_config_file = cached_file(
40
+ File "/usr/local/lib/python3.10/dist-packages/transformers/utils/hub.py", line 462, in cached_file
41
+ raise EnvironmentError(
42
+ 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.
lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/files/wandb-metadata.json ADDED
@@ -0,0 +1,810 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "os": "Linux-5.15.0-92-generic-x86_64-with-glibc2.35",
3
+ "python": "3.10.12",
4
+ "heartbeatAt": "2024-05-14T10:30:54.558191",
5
+ "startedAt": "2024-05-14T10:30:54.141204",
6
+ "docker": null,
7
+ "cuda": null,
8
+ "args": [
9
+ "--model",
10
+ "hf",
11
+ "--model_args",
12
+ "pretrained=/data/cronscript/ckpts//hf_ckpt//global_step120",
13
+ "--tasks",
14
+ "indiccopa-hi",
15
+ "--batch_size",
16
+ "auto",
17
+ "--wandb_args",
18
+ "project=bharatgpt"
19
+ ],
20
+ "state": "running",
21
+ "program": "-m lm_eval.__main__",
22
+ "codePathLocal": null,
23
+ "git": {
24
+ "remote": "https://github.com/EleutherAI/lm-evaluation-harness",
25
+ "commit": null
26
+ },
27
+ "email": null,
28
+ "root": "/data/cronscript/lm-evaluation-harness",
29
+ "host": "vizzhy-150-3",
30
+ "username": "root",
31
+ "executable": "/usr/bin/python3",
32
+ "cpu_count": 76,
33
+ "cpu_count_logical": 152,
34
+ "cpu_freq": {
35
+ "current": 3395.207467105263,
36
+ "min": 800.0,
37
+ "max": 3400.0
38
+ },
39
+ "cpu_freq_per_core": [
40
+ {
41
+ "current": 3300.0,
42
+ "min": 800.0,
43
+ "max": 3400.0
44
+ },
45
+ {
46
+ "current": 3300.003,
47
+ "min": 800.0,
48
+ "max": 3400.0
49
+ },
50
+ {
51
+ "current": 3300.044,
52
+ "min": 800.0,
53
+ "max": 3400.0
54
+ },
55
+ {
56
+ "current": 3400.0,
57
+ "min": 800.0,
58
+ "max": 3400.0
59
+ },
60
+ {
61
+ "current": 3400.0,
62
+ "min": 800.0,
63
+ "max": 3400.0
64
+ },
65
+ {
66
+ "current": 3400.0,
67
+ "min": 800.0,
68
+ "max": 3400.0
69
+ },
70
+ {
71
+ "current": 3400.0,
72
+ "min": 800.0,
73
+ "max": 3400.0
74
+ },
75
+ {
76
+ "current": 3400.0,
77
+ "min": 800.0,
78
+ "max": 3400.0
79
+ },
80
+ {
81
+ "current": 3400.0,
82
+ "min": 800.0,
83
+ "max": 3400.0
84
+ },
85
+ {
86
+ "current": 3400.0,
87
+ "min": 800.0,
88
+ "max": 3400.0
89
+ },
90
+ {
91
+ "current": 3400.0,
92
+ "min": 800.0,
93
+ "max": 3400.0
94
+ },
95
+ {
96
+ "current": 3400.0,
97
+ "min": 800.0,
98
+ "max": 3400.0
99
+ },
100
+ {
101
+ "current": 3400.0,
102
+ "min": 800.0,
103
+ "max": 3400.0
104
+ },
105
+ {
106
+ "current": 3300.0,
107
+ "min": 800.0,
108
+ "max": 3400.0
109
+ },
110
+ {
111
+ "current": 3400.0,
112
+ "min": 800.0,
113
+ "max": 3400.0
114
+ },
115
+ {
116
+ "current": 3400.0,
117
+ "min": 800.0,
118
+ "max": 3400.0
119
+ },
120
+ {
121
+ "current": 3400.0,
122
+ "min": 800.0,
123
+ "max": 3400.0
124
+ },
125
+ {
126
+ "current": 3400.0,
127
+ "min": 800.0,
128
+ "max": 3400.0
129
+ },
130
+ {
131
+ "current": 3400.0,
132
+ "min": 800.0,
133
+ "max": 3400.0
134
+ },
135
+ {
136
+ "current": 3400.0,
137
+ "min": 800.0,
138
+ "max": 3400.0
139
+ },
140
+ {
141
+ "current": 3400.0,
142
+ "min": 800.0,
143
+ "max": 3400.0
144
+ },
145
+ {
146
+ "current": 3400.0,
147
+ "min": 800.0,
148
+ "max": 3400.0
149
+ },
150
+ {
151
+ "current": 3400.0,
152
+ "min": 800.0,
153
+ "max": 3400.0
154
+ },
155
+ {
156
+ "current": 3400.0,
157
+ "min": 800.0,
158
+ "max": 3400.0
159
+ },
160
+ {
161
+ "current": 3400.0,
162
+ "min": 800.0,
163
+ "max": 3400.0
164
+ },
165
+ {
166
+ "current": 3400.0,
167
+ "min": 800.0,
168
+ "max": 3400.0
169
+ },
170
+ {
171
+ "current": 3400.0,
172
+ "min": 800.0,
173
+ "max": 3400.0
174
+ },
175
+ {
176
+ "current": 3400.0,
177
+ "min": 800.0,
178
+ "max": 3400.0
179
+ },
180
+ {
181
+ "current": 3400.0,
182
+ "min": 800.0,
183
+ "max": 3400.0
184
+ },
185
+ {
186
+ "current": 3400.0,
187
+ "min": 800.0,
188
+ "max": 3400.0
189
+ },
190
+ {
191
+ "current": 3282.404,
192
+ "min": 800.0,
193
+ "max": 3400.0
194
+ },
195
+ {
196
+ "current": 3400.0,
197
+ "min": 800.0,
198
+ "max": 3400.0
199
+ },
200
+ {
201
+ "current": 3400.0,
202
+ "min": 800.0,
203
+ "max": 3400.0
204
+ },
205
+ {
206
+ "current": 3400.0,
207
+ "min": 800.0,
208
+ "max": 3400.0
209
+ },
210
+ {
211
+ "current": 3400.0,
212
+ "min": 800.0,
213
+ "max": 3400.0
214
+ },
215
+ {
216
+ "current": 3300.0,
217
+ "min": 800.0,
218
+ "max": 3400.0
219
+ },
220
+ {
221
+ "current": 3291.531,
222
+ "min": 800.0,
223
+ "max": 3400.0
224
+ },
225
+ {
226
+ "current": 3400.0,
227
+ "min": 800.0,
228
+ "max": 3400.0
229
+ },
230
+ {
231
+ "current": 3319.546,
232
+ "min": 800.0,
233
+ "max": 3400.0
234
+ },
235
+ {
236
+ "current": 3319.557,
237
+ "min": 800.0,
238
+ "max": 3400.0
239
+ },
240
+ {
241
+ "current": 3400.0,
242
+ "min": 800.0,
243
+ "max": 3400.0
244
+ },
245
+ {
246
+ "current": 3400.0,
247
+ "min": 800.0,
248
+ "max": 3400.0
249
+ },
250
+ {
251
+ "current": 3400.0,
252
+ "min": 800.0,
253
+ "max": 3400.0
254
+ },
255
+ {
256
+ "current": 3400.0,
257
+ "min": 800.0,
258
+ "max": 3400.0
259
+ },
260
+ {
261
+ "current": 3400.0,
262
+ "min": 800.0,
263
+ "max": 3400.0
264
+ },
265
+ {
266
+ "current": 3400.0,
267
+ "min": 800.0,
268
+ "max": 3400.0
269
+ },
270
+ {
271
+ "current": 3400.0,
272
+ "min": 800.0,
273
+ "max": 3400.0
274
+ },
275
+ {
276
+ "current": 3400.0,
277
+ "min": 800.0,
278
+ "max": 3400.0
279
+ },
280
+ {
281
+ "current": 3400.0,
282
+ "min": 800.0,
283
+ "max": 3400.0
284
+ },
285
+ {
286
+ "current": 3400.0,
287
+ "min": 800.0,
288
+ "max": 3400.0
289
+ },
290
+ {
291
+ "current": 3400.0,
292
+ "min": 800.0,
293
+ "max": 3400.0
294
+ },
295
+ {
296
+ "current": 3400.0,
297
+ "min": 800.0,
298
+ "max": 3400.0
299
+ },
300
+ {
301
+ "current": 3400.0,
302
+ "min": 800.0,
303
+ "max": 3400.0
304
+ },
305
+ {
306
+ "current": 3400.0,
307
+ "min": 800.0,
308
+ "max": 3400.0
309
+ },
310
+ {
311
+ "current": 3400.0,
312
+ "min": 800.0,
313
+ "max": 3400.0
314
+ },
315
+ {
316
+ "current": 3400.0,
317
+ "min": 800.0,
318
+ "max": 3400.0
319
+ },
320
+ {
321
+ "current": 3400.0,
322
+ "min": 800.0,
323
+ "max": 3400.0
324
+ },
325
+ {
326
+ "current": 3400.0,
327
+ "min": 800.0,
328
+ "max": 3400.0
329
+ },
330
+ {
331
+ "current": 3400.0,
332
+ "min": 800.0,
333
+ "max": 3400.0
334
+ },
335
+ {
336
+ "current": 3400.0,
337
+ "min": 800.0,
338
+ "max": 3400.0
339
+ },
340
+ {
341
+ "current": 3400.0,
342
+ "min": 800.0,
343
+ "max": 3400.0
344
+ },
345
+ {
346
+ "current": 3400.0,
347
+ "min": 800.0,
348
+ "max": 3400.0
349
+ },
350
+ {
351
+ "current": 3400.0,
352
+ "min": 800.0,
353
+ "max": 3400.0
354
+ },
355
+ {
356
+ "current": 3400.0,
357
+ "min": 800.0,
358
+ "max": 3400.0
359
+ },
360
+ {
361
+ "current": 3400.0,
362
+ "min": 800.0,
363
+ "max": 3400.0
364
+ },
365
+ {
366
+ "current": 3400.0,
367
+ "min": 800.0,
368
+ "max": 3400.0
369
+ },
370
+ {
371
+ "current": 3400.0,
372
+ "min": 800.0,
373
+ "max": 3400.0
374
+ },
375
+ {
376
+ "current": 3400.0,
377
+ "min": 800.0,
378
+ "max": 3400.0
379
+ },
380
+ {
381
+ "current": 3400.0,
382
+ "min": 800.0,
383
+ "max": 3400.0
384
+ },
385
+ {
386
+ "current": 3400.0,
387
+ "min": 800.0,
388
+ "max": 3400.0
389
+ },
390
+ {
391
+ "current": 3400.0,
392
+ "min": 800.0,
393
+ "max": 3400.0
394
+ },
395
+ {
396
+ "current": 3400.0,
397
+ "min": 800.0,
398
+ "max": 3400.0
399
+ },
400
+ {
401
+ "current": 3319.985,
402
+ "min": 800.0,
403
+ "max": 3400.0
404
+ },
405
+ {
406
+ "current": 3400.0,
407
+ "min": 800.0,
408
+ "max": 3400.0
409
+ },
410
+ {
411
+ "current": 3400.0,
412
+ "min": 800.0,
413
+ "max": 3400.0
414
+ },
415
+ {
416
+ "current": 3400.0,
417
+ "min": 800.0,
418
+ "max": 3400.0
419
+ },
420
+ {
421
+ "current": 3400.0,
422
+ "min": 800.0,
423
+ "max": 3400.0
424
+ },
425
+ {
426
+ "current": 3400.0,
427
+ "min": 800.0,
428
+ "max": 3400.0
429
+ },
430
+ {
431
+ "current": 3300.0,
432
+ "min": 800.0,
433
+ "max": 3400.0
434
+ },
435
+ {
436
+ "current": 3400.0,
437
+ "min": 800.0,
438
+ "max": 3400.0
439
+ },
440
+ {
441
+ "current": 3400.0,
442
+ "min": 800.0,
443
+ "max": 3400.0
444
+ },
445
+ {
446
+ "current": 3400.0,
447
+ "min": 800.0,
448
+ "max": 3400.0
449
+ },
450
+ {
451
+ "current": 3400.0,
452
+ "min": 800.0,
453
+ "max": 3400.0
454
+ },
455
+ {
456
+ "current": 3400.0,
457
+ "min": 800.0,
458
+ "max": 3400.0
459
+ },
460
+ {
461
+ "current": 3400.0,
462
+ "min": 800.0,
463
+ "max": 3400.0
464
+ },
465
+ {
466
+ "current": 3300.0,
467
+ "min": 800.0,
468
+ "max": 3400.0
469
+ },
470
+ {
471
+ "current": 3400.0,
472
+ "min": 800.0,
473
+ "max": 3400.0
474
+ },
475
+ {
476
+ "current": 3400.0,
477
+ "min": 800.0,
478
+ "max": 3400.0
479
+ },
480
+ {
481
+ "current": 3400.0,
482
+ "min": 800.0,
483
+ "max": 3400.0
484
+ },
485
+ {
486
+ "current": 3400.0,
487
+ "min": 800.0,
488
+ "max": 3400.0
489
+ },
490
+ {
491
+ "current": 3400.0,
492
+ "min": 800.0,
493
+ "max": 3400.0
494
+ },
495
+ {
496
+ "current": 3400.0,
497
+ "min": 800.0,
498
+ "max": 3400.0
499
+ },
500
+ {
501
+ "current": 3400.0,
502
+ "min": 800.0,
503
+ "max": 3400.0
504
+ },
505
+ {
506
+ "current": 3400.0,
507
+ "min": 800.0,
508
+ "max": 3400.0
509
+ },
510
+ {
511
+ "current": 3400.0,
512
+ "min": 800.0,
513
+ "max": 3400.0
514
+ },
515
+ {
516
+ "current": 3400.0,
517
+ "min": 800.0,
518
+ "max": 3400.0
519
+ },
520
+ {
521
+ "current": 3293.123,
522
+ "min": 800.0,
523
+ "max": 3400.0
524
+ },
525
+ {
526
+ "current": 3400.0,
527
+ "min": 800.0,
528
+ "max": 3400.0
529
+ },
530
+ {
531
+ "current": 3400.0,
532
+ "min": 800.0,
533
+ "max": 3400.0
534
+ },
535
+ {
536
+ "current": 3400.0,
537
+ "min": 800.0,
538
+ "max": 3400.0
539
+ },
540
+ {
541
+ "current": 3400.0,
542
+ "min": 800.0,
543
+ "max": 3400.0
544
+ },
545
+ {
546
+ "current": 3400.0,
547
+ "min": 800.0,
548
+ "max": 3400.0
549
+ },
550
+ {
551
+ "current": 3400.0,
552
+ "min": 800.0,
553
+ "max": 3400.0
554
+ },
555
+ {
556
+ "current": 3400.0,
557
+ "min": 800.0,
558
+ "max": 3400.0
559
+ },
560
+ {
561
+ "current": 3400.0,
562
+ "min": 800.0,
563
+ "max": 3400.0
564
+ },
565
+ {
566
+ "current": 3400.0,
567
+ "min": 800.0,
568
+ "max": 3400.0
569
+ },
570
+ {
571
+ "current": 3400.0,
572
+ "min": 800.0,
573
+ "max": 3400.0
574
+ },
575
+ {
576
+ "current": 3400.0,
577
+ "min": 800.0,
578
+ "max": 3400.0
579
+ },
580
+ {
581
+ "current": 3400.0,
582
+ "min": 800.0,
583
+ "max": 3400.0
584
+ },
585
+ {
586
+ "current": 3400.0,
587
+ "min": 800.0,
588
+ "max": 3400.0
589
+ },
590
+ {
591
+ "current": 3400.0,
592
+ "min": 800.0,
593
+ "max": 3400.0
594
+ },
595
+ {
596
+ "current": 3400.0,
597
+ "min": 800.0,
598
+ "max": 3400.0
599
+ },
600
+ {
601
+ "current": 3400.0,
602
+ "min": 800.0,
603
+ "max": 3400.0
604
+ },
605
+ {
606
+ "current": 3400.0,
607
+ "min": 800.0,
608
+ "max": 3400.0
609
+ },
610
+ {
611
+ "current": 3400.0,
612
+ "min": 800.0,
613
+ "max": 3400.0
614
+ },
615
+ {
616
+ "current": 3400.0,
617
+ "min": 800.0,
618
+ "max": 3400.0
619
+ },
620
+ {
621
+ "current": 3400.0,
622
+ "min": 800.0,
623
+ "max": 3400.0
624
+ },
625
+ {
626
+ "current": 3400.0,
627
+ "min": 800.0,
628
+ "max": 3400.0
629
+ },
630
+ {
631
+ "current": 3400.0,
632
+ "min": 800.0,
633
+ "max": 3400.0
634
+ },
635
+ {
636
+ "current": 3400.0,
637
+ "min": 800.0,
638
+ "max": 3400.0
639
+ },
640
+ {
641
+ "current": 3400.0,
642
+ "min": 800.0,
643
+ "max": 3400.0
644
+ },
645
+ {
646
+ "current": 3400.0,
647
+ "min": 800.0,
648
+ "max": 3400.0
649
+ },
650
+ {
651
+ "current": 3400.0,
652
+ "min": 800.0,
653
+ "max": 3400.0
654
+ },
655
+ {
656
+ "current": 3400.0,
657
+ "min": 800.0,
658
+ "max": 3400.0
659
+ },
660
+ {
661
+ "current": 3400.0,
662
+ "min": 800.0,
663
+ "max": 3400.0
664
+ },
665
+ {
666
+ "current": 3400.0,
667
+ "min": 800.0,
668
+ "max": 3400.0
669
+ },
670
+ {
671
+ "current": 3400.0,
672
+ "min": 800.0,
673
+ "max": 3400.0
674
+ },
675
+ {
676
+ "current": 3400.0,
677
+ "min": 800.0,
678
+ "max": 3400.0
679
+ },
680
+ {
681
+ "current": 3400.0,
682
+ "min": 800.0,
683
+ "max": 3400.0
684
+ },
685
+ {
686
+ "current": 3400.0,
687
+ "min": 800.0,
688
+ "max": 3400.0
689
+ },
690
+ {
691
+ "current": 3400.0,
692
+ "min": 800.0,
693
+ "max": 3400.0
694
+ },
695
+ {
696
+ "current": 3400.0,
697
+ "min": 800.0,
698
+ "max": 3400.0
699
+ },
700
+ {
701
+ "current": 3400.0,
702
+ "min": 800.0,
703
+ "max": 3400.0
704
+ },
705
+ {
706
+ "current": 3400.0,
707
+ "min": 800.0,
708
+ "max": 3400.0
709
+ },
710
+ {
711
+ "current": 3400.0,
712
+ "min": 800.0,
713
+ "max": 3400.0
714
+ },
715
+ {
716
+ "current": 3400.0,
717
+ "min": 800.0,
718
+ "max": 3400.0
719
+ },
720
+ {
721
+ "current": 3400.0,
722
+ "min": 800.0,
723
+ "max": 3400.0
724
+ },
725
+ {
726
+ "current": 3400.0,
727
+ "min": 800.0,
728
+ "max": 3400.0
729
+ },
730
+ {
731
+ "current": 3400.0,
732
+ "min": 800.0,
733
+ "max": 3400.0
734
+ },
735
+ {
736
+ "current": 3400.0,
737
+ "min": 800.0,
738
+ "max": 3400.0
739
+ },
740
+ {
741
+ "current": 3400.0,
742
+ "min": 800.0,
743
+ "max": 3400.0
744
+ },
745
+ {
746
+ "current": 3400.0,
747
+ "min": 800.0,
748
+ "max": 3400.0
749
+ },
750
+ {
751
+ "current": 3400.0,
752
+ "min": 800.0,
753
+ "max": 3400.0
754
+ },
755
+ {
756
+ "current": 3400.0,
757
+ "min": 800.0,
758
+ "max": 3400.0
759
+ },
760
+ {
761
+ "current": 3400.0,
762
+ "min": 800.0,
763
+ "max": 3400.0
764
+ },
765
+ {
766
+ "current": 3400.0,
767
+ "min": 800.0,
768
+ "max": 3400.0
769
+ },
770
+ {
771
+ "current": 3400.0,
772
+ "min": 800.0,
773
+ "max": 3400.0
774
+ },
775
+ {
776
+ "current": 3400.0,
777
+ "min": 800.0,
778
+ "max": 3400.0
779
+ },
780
+ {
781
+ "current": 3400.0,
782
+ "min": 800.0,
783
+ "max": 3400.0
784
+ },
785
+ {
786
+ "current": 3400.0,
787
+ "min": 800.0,
788
+ "max": 3400.0
789
+ },
790
+ {
791
+ "current": 3400.0,
792
+ "min": 800.0,
793
+ "max": 3400.0
794
+ },
795
+ {
796
+ "current": 3400.0,
797
+ "min": 800.0,
798
+ "max": 3400.0
799
+ }
800
+ ],
801
+ "disk": {
802
+ "/": {
803
+ "total": 866.4415092468262,
804
+ "used": 76.92245483398438
805
+ }
806
+ },
807
+ "memory": {
808
+ "total": 1007.5000267028809
809
+ }
810
+ }
lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/logs/debug-internal.log ADDED
@@ -0,0 +1,181 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 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
2
+ 2024-05-14 10:30:54,155 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: status
3
+ 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
4
+ 2024-05-14 10:30:54,157 DEBUG SenderThread:8251 [sender.py:send():378] send: header
5
+ 2024-05-14 10:30:54,167 DEBUG SenderThread:8251 [sender.py:send():378] send: run
6
+ 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
7
+ 2024-05-14 10:30:54,378 INFO SenderThread:8251 [sender.py:_start_run_threads():1123] run started: b5pto704 with start time 1715682654.151998
8
+ 2024-05-14 10:30:54,386 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: check_version
9
+ 2024-05-14 10:30:54,386 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: check_version
10
+ 2024-05-14 10:30:54,474 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: run_start
11
+ 2024-05-14 10:30:54,475 DEBUG HandlerThread:8251 [system_info.py:__init__():26] System info init
12
+ 2024-05-14 10:30:54,475 DEBUG HandlerThread:8251 [system_info.py:__init__():41] System info init done
13
+ 2024-05-14 10:30:54,475 INFO HandlerThread:8251 [system_monitor.py:start():194] Starting system monitor
14
+ 2024-05-14 10:30:54,475 INFO SystemMonitor:8251 [system_monitor.py:_start():158] Starting system asset monitoring threads
15
+ 2024-05-14 10:30:54,476 INFO HandlerThread:8251 [system_monitor.py:probe():214] Collecting system info
16
+ 2024-05-14 10:30:54,476 INFO SystemMonitor:8251 [interfaces.py:start():188] Started cpu monitoring
17
+ 2024-05-14 10:30:54,476 INFO SystemMonitor:8251 [interfaces.py:start():188] Started disk monitoring
18
+ 2024-05-14 10:30:54,477 INFO SystemMonitor:8251 [interfaces.py:start():188] Started memory monitoring
19
+ 2024-05-14 10:30:54,477 INFO SystemMonitor:8251 [interfaces.py:start():188] Started network monitoring
20
+ 2024-05-14 10:30:54,558 DEBUG HandlerThread:8251 [system_info.py:probe():150] Probing system
21
+ 2024-05-14 10:30:54,566 DEBUG HandlerThread:8251 [system_info.py:_probe_git():135] Probing git
22
+ 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)
23
+ cmdline: git rev-parse --show-toplevel
24
+ stderr: 'fatal: detected dubious ownership in repository at '/data/cronscript/lm-evaluation-harness'
25
+ To add an exception for this directory, call:
26
+
27
+ git config --global --add safe.directory /data/cronscript/lm-evaluation-harness'
28
+ 2024-05-14 10:30:54,587 DEBUG HandlerThread:8251 [system_info.py:_probe_git():143] Probing git done
29
+ 2024-05-14 10:30:54,587 DEBUG HandlerThread:8251 [system_info.py:probe():198] Probing system done
30
+ 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}}
31
+ 2024-05-14 10:30:54,587 INFO HandlerThread:8251 [system_monitor.py:probe():224] Finished collecting system info
32
+ 2024-05-14 10:30:54,587 INFO HandlerThread:8251 [system_monitor.py:probe():227] Publishing system info
33
+ 2024-05-14 10:30:54,588 INFO HandlerThread:8251 [system_monitor.py:probe():229] Finished publishing system info
34
+ 2024-05-14 10:30:54,592 DEBUG SenderThread:8251 [sender.py:send():378] send: files
35
+ 2024-05-14 10:30:54,592 INFO SenderThread:8251 [sender.py:_save_file():1389] saving file wandb-metadata.json with policy now
36
+ 2024-05-14 10:30:54,687 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: python_packages
37
+ 2024-05-14 10:30:54,688 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: python_packages
38
+ 2024-05-14 10:30:54,688 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: stop_status
39
+ 2024-05-14 10:30:54,688 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: stop_status
40
+ 2024-05-14 10:30:54,837 DEBUG SenderThread:8251 [sender.py:send():378] send: telemetry
41
+ 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
42
+ 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
43
+ 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
44
+ 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
45
+ 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
46
+ 2024-05-14 10:31:00,108 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: status_report
47
+ 2024-05-14 10:31:00,224 DEBUG SenderThread:8251 [sender.py:send():378] send: exit
48
+ 2024-05-14 10:31:00,225 INFO SenderThread:8251 [sender.py:send_exit():585] handling exit code: 1
49
+ 2024-05-14 10:31:00,225 INFO SenderThread:8251 [sender.py:send_exit():587] handling runtime: 5
50
+ 2024-05-14 10:31:00,226 INFO SenderThread:8251 [sender.py:_save_file():1389] saving file wandb-summary.json with policy end
51
+ 2024-05-14 10:31:00,226 INFO SenderThread:8251 [sender.py:send_exit():593] send defer
52
+ 2024-05-14 10:31:00,226 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: defer
53
+ 2024-05-14 10:31:00,226 INFO HandlerThread:8251 [handler.py:handle_request_defer():184] handle defer: 0
54
+ 2024-05-14 10:31:00,226 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: defer
55
+ 2024-05-14 10:31:00,227 INFO SenderThread:8251 [sender.py:send_request_defer():609] handle sender defer: 0
56
+ 2024-05-14 10:31:00,227 INFO SenderThread:8251 [sender.py:transition_state():613] send defer: 1
57
+ 2024-05-14 10:31:00,227 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: defer
58
+ 2024-05-14 10:31:00,227 INFO HandlerThread:8251 [handler.py:handle_request_defer():184] handle defer: 1
59
+ 2024-05-14 10:31:00,227 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: defer
60
+ 2024-05-14 10:31:00,227 INFO SenderThread:8251 [sender.py:send_request_defer():609] handle sender defer: 1
61
+ 2024-05-14 10:31:00,227 INFO SenderThread:8251 [sender.py:transition_state():613] send defer: 2
62
+ 2024-05-14 10:31:00,227 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: defer
63
+ 2024-05-14 10:31:00,227 INFO HandlerThread:8251 [handler.py:handle_request_defer():184] handle defer: 2
64
+ 2024-05-14 10:31:00,227 INFO HandlerThread:8251 [system_monitor.py:finish():203] Stopping system monitor
65
+ 2024-05-14 10:31:00,227 DEBUG SystemMonitor:8251 [system_monitor.py:_start():172] Starting system metrics aggregation loop
66
+ 2024-05-14 10:31:00,227 DEBUG SystemMonitor:8251 [system_monitor.py:_start():179] Finished system metrics aggregation loop
67
+ 2024-05-14 10:31:00,227 DEBUG SystemMonitor:8251 [system_monitor.py:_start():183] Publishing last batch of metrics
68
+ 2024-05-14 10:31:00,228 INFO HandlerThread:8251 [interfaces.py:finish():200] Joined cpu monitor
69
+ 2024-05-14 10:31:00,229 INFO HandlerThread:8251 [interfaces.py:finish():200] Joined disk monitor
70
+ 2024-05-14 10:31:00,229 INFO HandlerThread:8251 [interfaces.py:finish():200] Joined memory monitor
71
+ 2024-05-14 10:31:00,229 INFO HandlerThread:8251 [interfaces.py:finish():200] Joined network monitor
72
+ 2024-05-14 10:31:00,229 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: defer
73
+ 2024-05-14 10:31:00,229 INFO SenderThread:8251 [sender.py:send_request_defer():609] handle sender defer: 2
74
+ 2024-05-14 10:31:00,229 INFO SenderThread:8251 [sender.py:transition_state():613] send defer: 3
75
+ 2024-05-14 10:31:00,230 DEBUG SenderThread:8251 [sender.py:send():378] send: stats
76
+ 2024-05-14 10:31:00,230 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: defer
77
+ 2024-05-14 10:31:00,230 INFO HandlerThread:8251 [handler.py:handle_request_defer():184] handle defer: 3
78
+ 2024-05-14 10:31:00,230 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: defer
79
+ 2024-05-14 10:31:00,230 INFO SenderThread:8251 [sender.py:send_request_defer():609] handle sender defer: 3
80
+ 2024-05-14 10:31:00,230 INFO SenderThread:8251 [sender.py:transition_state():613] send defer: 4
81
+ 2024-05-14 10:31:00,230 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: defer
82
+ 2024-05-14 10:31:00,230 INFO HandlerThread:8251 [handler.py:handle_request_defer():184] handle defer: 4
83
+ 2024-05-14 10:31:00,231 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: defer
84
+ 2024-05-14 10:31:00,231 INFO SenderThread:8251 [sender.py:send_request_defer():609] handle sender defer: 4
85
+ 2024-05-14 10:31:00,231 INFO SenderThread:8251 [sender.py:transition_state():613] send defer: 5
86
+ 2024-05-14 10:31:00,231 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: defer
87
+ 2024-05-14 10:31:00,231 INFO HandlerThread:8251 [handler.py:handle_request_defer():184] handle defer: 5
88
+ 2024-05-14 10:31:00,231 DEBUG SenderThread:8251 [sender.py:send():378] send: summary
89
+ 2024-05-14 10:31:00,231 INFO SenderThread:8251 [sender.py:_save_file():1389] saving file wandb-summary.json with policy end
90
+ 2024-05-14 10:31:00,232 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: defer
91
+ 2024-05-14 10:31:00,232 INFO SenderThread:8251 [sender.py:send_request_defer():609] handle sender defer: 5
92
+ 2024-05-14 10:31:00,232 INFO SenderThread:8251 [sender.py:transition_state():613] send defer: 6
93
+ 2024-05-14 10:31:00,232 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: defer
94
+ 2024-05-14 10:31:00,232 INFO HandlerThread:8251 [handler.py:handle_request_defer():184] handle defer: 6
95
+ 2024-05-14 10:31:00,232 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: defer
96
+ 2024-05-14 10:31:00,232 INFO SenderThread:8251 [sender.py:send_request_defer():609] handle sender defer: 6
97
+ 2024-05-14 10:31:00,234 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: status_report
98
+ 2024-05-14 10:31:00,314 INFO SenderThread:8251 [sender.py:transition_state():613] send defer: 7
99
+ 2024-05-14 10:31:00,315 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: defer
100
+ 2024-05-14 10:31:00,315 INFO HandlerThread:8251 [handler.py:handle_request_defer():184] handle defer: 7
101
+ 2024-05-14 10:31:00,315 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: defer
102
+ 2024-05-14 10:31:00,315 INFO SenderThread:8251 [sender.py:send_request_defer():609] handle sender defer: 7
103
+ 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
104
+ 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
105
+ 2024-05-14 10:31:00,850 INFO SenderThread:8251 [sender.py:transition_state():613] send defer: 8
106
+ 2024-05-14 10:31:00,850 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: defer
107
+ 2024-05-14 10:31:00,850 INFO HandlerThread:8251 [handler.py:handle_request_defer():184] handle defer: 8
108
+ 2024-05-14 10:31:00,851 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: defer
109
+ 2024-05-14 10:31:00,851 INFO SenderThread:8251 [sender.py:send_request_defer():609] handle sender defer: 8
110
+ 2024-05-14 10:31:00,851 INFO SenderThread:8251 [job_builder.py:build():432] Attempting to build job artifact
111
+ 2024-05-14 10:31:00,851 INFO SenderThread:8251 [job_builder.py:_get_source_type():576] no source found
112
+ 2024-05-14 10:31:00,851 INFO SenderThread:8251 [sender.py:transition_state():613] send defer: 9
113
+ 2024-05-14 10:31:00,851 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: defer
114
+ 2024-05-14 10:31:00,851 INFO HandlerThread:8251 [handler.py:handle_request_defer():184] handle defer: 9
115
+ 2024-05-14 10:31:00,851 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: defer
116
+ 2024-05-14 10:31:00,851 INFO SenderThread:8251 [sender.py:send_request_defer():609] handle sender defer: 9
117
+ 2024-05-14 10:31:00,852 INFO SenderThread:8251 [dir_watcher.py:finish():358] shutting down directory watcher
118
+ 2024-05-14 10:31:01,225 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: poll_exit
119
+ 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
120
+ 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
121
+ 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
122
+ 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
123
+ 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
124
+ 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
125
+ 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
126
+ 2024-05-14 10:31:01,387 INFO SenderThread:8251 [sender.py:transition_state():613] send defer: 10
127
+ 2024-05-14 10:31:01,387 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: poll_exit
128
+ 2024-05-14 10:31:01,388 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: defer
129
+ 2024-05-14 10:31:01,389 INFO HandlerThread:8251 [handler.py:handle_request_defer():184] handle defer: 10
130
+ 2024-05-14 10:31:01,390 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: defer
131
+ 2024-05-14 10:31:01,390 INFO SenderThread:8251 [sender.py:send_request_defer():609] handle sender defer: 10
132
+ 2024-05-14 10:31:01,390 INFO SenderThread:8251 [file_pusher.py:finish():169] shutting down file pusher
133
+ 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
134
+ 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
135
+ 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
136
+ 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
137
+ 2024-05-14 10:31:02,065 INFO Thread-11 (_thread_body):8251 [sender.py:transition_state():613] send defer: 11
138
+ 2024-05-14 10:31:02,065 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: defer
139
+ 2024-05-14 10:31:02,065 INFO HandlerThread:8251 [handler.py:handle_request_defer():184] handle defer: 11
140
+ 2024-05-14 10:31:02,066 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: defer
141
+ 2024-05-14 10:31:02,066 INFO SenderThread:8251 [sender.py:send_request_defer():609] handle sender defer: 11
142
+ 2024-05-14 10:31:02,066 INFO SenderThread:8251 [file_pusher.py:join():175] waiting for file pusher
143
+ 2024-05-14 10:31:02,066 INFO SenderThread:8251 [sender.py:transition_state():613] send defer: 12
144
+ 2024-05-14 10:31:02,066 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: defer
145
+ 2024-05-14 10:31:02,066 INFO HandlerThread:8251 [handler.py:handle_request_defer():184] handle defer: 12
146
+ 2024-05-14 10:31:02,067 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: defer
147
+ 2024-05-14 10:31:02,067 INFO SenderThread:8251 [sender.py:send_request_defer():609] handle sender defer: 12
148
+ 2024-05-14 10:31:02,067 INFO SenderThread:8251 [file_stream.py:finish():601] file stream finish called
149
+ 2024-05-14 10:31:02,225 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: poll_exit
150
+ 2024-05-14 10:31:02,286 INFO SenderThread:8251 [file_stream.py:finish():605] file stream finish is done
151
+ 2024-05-14 10:31:02,286 INFO SenderThread:8251 [sender.py:transition_state():613] send defer: 13
152
+ 2024-05-14 10:31:02,286 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: poll_exit
153
+ 2024-05-14 10:31:02,286 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: defer
154
+ 2024-05-14 10:31:02,286 INFO HandlerThread:8251 [handler.py:handle_request_defer():184] handle defer: 13
155
+ 2024-05-14 10:31:02,286 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: defer
156
+ 2024-05-14 10:31:02,286 INFO SenderThread:8251 [sender.py:send_request_defer():609] handle sender defer: 13
157
+ 2024-05-14 10:31:02,286 INFO SenderThread:8251 [sender.py:transition_state():613] send defer: 14
158
+ 2024-05-14 10:31:02,287 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: defer
159
+ 2024-05-14 10:31:02,287 DEBUG SenderThread:8251 [sender.py:send():378] send: final
160
+ 2024-05-14 10:31:02,287 INFO HandlerThread:8251 [handler.py:handle_request_defer():184] handle defer: 14
161
+ 2024-05-14 10:31:02,287 DEBUG SenderThread:8251 [sender.py:send():378] send: footer
162
+ 2024-05-14 10:31:02,287 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: defer
163
+ 2024-05-14 10:31:02,287 INFO SenderThread:8251 [sender.py:send_request_defer():609] handle sender defer: 14
164
+ 2024-05-14 10:31:02,288 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: poll_exit
165
+ 2024-05-14 10:31:02,288 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: poll_exit
166
+ 2024-05-14 10:31:02,288 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: poll_exit
167
+ 2024-05-14 10:31:02,288 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: poll_exit
168
+ 2024-05-14 10:31:02,288 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: server_info
169
+ 2024-05-14 10:31:02,289 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: get_summary
170
+ 2024-05-14 10:31:02,289 DEBUG SenderThread:8251 [sender.py:send_request():405] send_request: server_info
171
+ 2024-05-14 10:31:02,290 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: sampled_history
172
+ 2024-05-14 10:31:02,290 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: internal_messages
173
+ 2024-05-14 10:31:02,350 INFO MainThread:8251 [wandb_run.py:_footer_history_summary_info():3994] rendering history
174
+ 2024-05-14 10:31:02,350 INFO MainThread:8251 [wandb_run.py:_footer_history_summary_info():4026] rendering summary
175
+ 2024-05-14 10:31:02,350 INFO MainThread:8251 [wandb_run.py:_footer_sync_info():3953] logging synced files
176
+ 2024-05-14 10:31:02,350 DEBUG HandlerThread:8251 [handler.py:handle_request():158] handle_request: shutdown
177
+ 2024-05-14 10:31:02,351 INFO HandlerThread:8251 [handler.py:finish():882] shutting down handler
178
+ 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
179
+ 2024-05-14 10:31:03,350 INFO SenderThread:8251 [sender.py:finish():1545] shutting down sender
180
+ 2024-05-14 10:31:03,350 INFO SenderThread:8251 [file_pusher.py:finish():169] shutting down file pusher
181
+ 2024-05-14 10:31:03,350 INFO SenderThread:8251 [file_pusher.py:join():175] waiting for file pusher
lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/logs/debug.log ADDED
@@ -0,0 +1,29 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2024-05-14 10:30:54,149 INFO MainThread:6967 [wandb_setup.py:_flush():76] Current SDK version is 0.17.0
2
+ 2024-05-14 10:30:54,149 INFO MainThread:6967 [wandb_setup.py:_flush():76] Configure stats pid to 6967
3
+ 2024-05-14 10:30:54,149 INFO MainThread:6967 [wandb_setup.py:_flush():76] Loading settings from /root/.config/wandb/settings
4
+ 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
5
+ 2024-05-14 10:30:54,149 INFO MainThread:6967 [wandb_setup.py:_flush():76] Loading settings from environment variables: {}
6
+ 2024-05-14 10:30:54,149 INFO MainThread:6967 [wandb_setup.py:_flush():76] Applying setup settings: {'_disable_service': False}
7
+ 2024-05-14 10:30:54,149 WARNING MainThread:6967 [wandb_setup.py:_flush():76] Could not find program at -m lm_eval.__main__
8
+ 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__'}
9
+ 2024-05-14 10:30:54,149 INFO MainThread:6967 [wandb_setup.py:_flush():76] Applying login settings: {}
10
+ 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
11
+ 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
12
+ 2024-05-14 10:30:54,149 INFO MainThread:6967 [wandb_init.py:init():560] calling init triggers
13
+ 2024-05-14 10:30:54,149 INFO MainThread:6967 [wandb_init.py:init():567] wandb.init called with sweep_config: {}
14
+ config: {}
15
+ 2024-05-14 10:30:54,149 INFO MainThread:6967 [wandb_init.py:init():610] starting backend
16
+ 2024-05-14 10:30:54,149 INFO MainThread:6967 [wandb_init.py:init():614] setting up manager
17
+ 2024-05-14 10:30:54,151 INFO MainThread:6967 [backend.py:_multiprocessing_setup():105] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
18
+ 2024-05-14 10:30:54,151 INFO MainThread:6967 [wandb_init.py:init():622] backend started and connected
19
+ 2024-05-14 10:30:54,155 INFO MainThread:6967 [wandb_init.py:init():711] updated telemetry
20
+ 2024-05-14 10:30:54,166 INFO MainThread:6967 [wandb_init.py:init():744] communicating run to backend with 90.0 second timeout
21
+ 2024-05-14 10:30:54,385 INFO MainThread:6967 [wandb_run.py:_on_init():2396] communicating current version
22
+ 2024-05-14 10:30:54,469 INFO MainThread:6967 [wandb_run.py:_on_init():2405] got version response
23
+ 2024-05-14 10:30:54,470 INFO MainThread:6967 [wandb_init.py:init():795] starting run threads in backend
24
+ 2024-05-14 10:30:54,688 INFO MainThread:6967 [wandb_run.py:_console_start():2374] atexit reg
25
+ 2024-05-14 10:30:54,688 INFO MainThread:6967 [wandb_run.py:_redirect():2229] redirect: wrap_raw
26
+ 2024-05-14 10:30:54,688 INFO MainThread:6967 [wandb_run.py:_redirect():2294] Wrapping output streams.
27
+ 2024-05-14 10:30:54,688 INFO MainThread:6967 [wandb_run.py:_redirect():2319] Redirects installed.
28
+ 2024-05-14 10:30:54,689 INFO MainThread:6967 [wandb_init.py:init():838] run started, returning control to user process
29
+ 2024-05-14 10:31:03,351 WARNING MsgRouterThr:6967 [router.py:message_loop():77] message_loop has been closed
lm-evaluation-harness/wandb/run-20240514_103054-b5pto704/run-b5pto704.wandb ADDED
Binary file (12.1 kB). View file
 
lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/files/output.log ADDED
@@ -0,0 +1,42 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+
2
+ 2024-05-14:10:31:17,623 INFO [__main__.py:251] Verbosity set to INFO
3
+ 2024-05-14:10:31:22,022 INFO [__main__.py:335] Selected Tasks: ['indiccopa-hi']
4
+ 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
5
+ 2024-05-14:10:31:22,025 INFO [evaluator.py:177] Initializing hf model, with arguments: {'pretrained': '/data/cronscript/ckpts//hf_ckpt//global_step20'}
6
+ Traceback (most recent call last):
7
+ File "/usr/local/lib/python3.10/dist-packages/transformers/utils/hub.py", line 398, in cached_file
8
+ resolved_file = hf_hub_download(
9
+ File "/usr/local/lib/python3.10/dist-packages/huggingface_hub/utils/_validators.py", line 106, in _inner_fn
10
+ validate_repo_id(arg_value)
11
+ File "/usr/local/lib/python3.10/dist-packages/huggingface_hub/utils/_validators.py", line 154, in validate_repo_id
12
+ raise HFValidationError(
13
+ 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.
14
+ The above exception was the direct cause of the following exception:
15
+ Traceback (most recent call last):
16
+ File "/usr/lib/python3.10/runpy.py", line 196, in _run_module_as_main
17
+ return _run_code(code, main_globals, None,
18
+ File "/usr/lib/python3.10/runpy.py", line 86, in _run_code
19
+ exec(code, run_globals)
20
+ File "/data/cronscript/lm-evaluation-harness/lm_eval/__main__.py", line 417, in <module>
21
+ cli_evaluate()
22
+ File "/data/cronscript/lm-evaluation-harness/lm_eval/__main__.py", line 341, in cli_evaluate
23
+ results = evaluator.simple_evaluate(
24
+ File "/data/cronscript/lm-evaluation-harness/lm_eval/utils.py", line 288, in _wrapper
25
+ return fn(*args, **kwargs)
26
+ File "/data/cronscript/lm-evaluation-harness/lm_eval/evaluator.py", line 180, in simple_evaluate
27
+ lm = lm_eval.api.registry.get_model(model).create_from_arg_string(
28
+ File "/data/cronscript/lm-evaluation-harness/lm_eval/api/model.py", line 134, in create_from_arg_string
29
+ return cls(**args, **args2)
30
+ File "/data/cronscript/lm-evaluation-harness/lm_eval/models/huggingface.py", line 190, in __init__
31
+ self._get_config(
32
+ File "/data/cronscript/lm-evaluation-harness/lm_eval/models/huggingface.py", line 471, in _get_config
33
+ self._config = transformers.AutoConfig.from_pretrained(
34
+ File "/usr/local/lib/python3.10/dist-packages/transformers/models/auto/configuration_auto.py", line 928, in from_pretrained
35
+ config_dict, unused_kwargs = PretrainedConfig.get_config_dict(pretrained_model_name_or_path, **kwargs)
36
+ File "/usr/local/lib/python3.10/dist-packages/transformers/configuration_utils.py", line 631, in get_config_dict
37
+ config_dict, kwargs = cls._get_config_dict(pretrained_model_name_or_path, **kwargs)
38
+ File "/usr/local/lib/python3.10/dist-packages/transformers/configuration_utils.py", line 686, in _get_config_dict
39
+ resolved_config_file = cached_file(
40
+ File "/usr/local/lib/python3.10/dist-packages/transformers/utils/hub.py", line 462, in cached_file
41
+ raise EnvironmentError(
42
+ 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.
lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/files/wandb-summary.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"_wandb": {"runtime": 5}}
lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/logs/debug-internal.log ADDED
@@ -0,0 +1,181 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 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
2
+ 2024-05-14 10:31:17,095 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: status
3
+ 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
4
+ 2024-05-14 10:31:17,097 DEBUG SenderThread:9975 [sender.py:send():378] send: header
5
+ 2024-05-14 10:31:17,107 DEBUG SenderThread:9975 [sender.py:send():378] send: run
6
+ 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
7
+ 2024-05-14 10:31:17,321 INFO SenderThread:9975 [sender.py:_start_run_threads():1123] run started: od8j0s5f with start time 1715682677.092256
8
+ 2024-05-14 10:31:17,329 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: check_version
9
+ 2024-05-14 10:31:17,329 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: check_version
10
+ 2024-05-14 10:31:17,409 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: run_start
11
+ 2024-05-14 10:31:17,410 DEBUG HandlerThread:9975 [system_info.py:__init__():26] System info init
12
+ 2024-05-14 10:31:17,410 DEBUG HandlerThread:9975 [system_info.py:__init__():41] System info init done
13
+ 2024-05-14 10:31:17,410 INFO HandlerThread:9975 [system_monitor.py:start():194] Starting system monitor
14
+ 2024-05-14 10:31:17,411 INFO SystemMonitor:9975 [system_monitor.py:_start():158] Starting system asset monitoring threads
15
+ 2024-05-14 10:31:17,411 INFO HandlerThread:9975 [system_monitor.py:probe():214] Collecting system info
16
+ 2024-05-14 10:31:17,412 INFO SystemMonitor:9975 [interfaces.py:start():188] Started cpu monitoring
17
+ 2024-05-14 10:31:17,412 INFO SystemMonitor:9975 [interfaces.py:start():188] Started disk monitoring
18
+ 2024-05-14 10:31:17,412 INFO SystemMonitor:9975 [interfaces.py:start():188] Started memory monitoring
19
+ 2024-05-14 10:31:17,413 INFO SystemMonitor:9975 [interfaces.py:start():188] Started network monitoring
20
+ 2024-05-14 10:31:17,490 DEBUG HandlerThread:9975 [system_info.py:probe():150] Probing system
21
+ 2024-05-14 10:31:17,498 DEBUG HandlerThread:9975 [system_info.py:_probe_git():135] Probing git
22
+ 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)
23
+ cmdline: git rev-parse --show-toplevel
24
+ stderr: 'fatal: detected dubious ownership in repository at '/data/cronscript/lm-evaluation-harness'
25
+ To add an exception for this directory, call:
26
+
27
+ git config --global --add safe.directory /data/cronscript/lm-evaluation-harness'
28
+ 2024-05-14 10:31:17,518 DEBUG HandlerThread:9975 [system_info.py:_probe_git():143] Probing git done
29
+ 2024-05-14 10:31:17,518 DEBUG HandlerThread:9975 [system_info.py:probe():198] Probing system done
30
+ 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}}
31
+ 2024-05-14 10:31:17,519 INFO HandlerThread:9975 [system_monitor.py:probe():224] Finished collecting system info
32
+ 2024-05-14 10:31:17,519 INFO HandlerThread:9975 [system_monitor.py:probe():227] Publishing system info
33
+ 2024-05-14 10:31:17,520 INFO HandlerThread:9975 [system_monitor.py:probe():229] Finished publishing system info
34
+ 2024-05-14 10:31:17,524 DEBUG SenderThread:9975 [sender.py:send():378] send: files
35
+ 2024-05-14 10:31:17,524 INFO SenderThread:9975 [sender.py:_save_file():1389] saving file wandb-metadata.json with policy now
36
+ 2024-05-14 10:31:17,619 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: python_packages
37
+ 2024-05-14 10:31:17,620 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: python_packages
38
+ 2024-05-14 10:31:17,620 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: stop_status
39
+ 2024-05-14 10:31:17,620 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: stop_status
40
+ 2024-05-14 10:31:17,805 DEBUG SenderThread:9975 [sender.py:send():378] send: telemetry
41
+ 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
42
+ 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
43
+ 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
44
+ 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
45
+ 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
46
+ 2024-05-14 10:31:23,026 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: status_report
47
+ 2024-05-14 10:31:23,151 DEBUG SenderThread:9975 [sender.py:send():378] send: exit
48
+ 2024-05-14 10:31:23,151 INFO SenderThread:9975 [sender.py:send_exit():585] handling exit code: 1
49
+ 2024-05-14 10:31:23,151 INFO SenderThread:9975 [sender.py:send_exit():587] handling runtime: 5
50
+ 2024-05-14 10:31:23,152 INFO SenderThread:9975 [sender.py:_save_file():1389] saving file wandb-summary.json with policy end
51
+ 2024-05-14 10:31:23,152 INFO SenderThread:9975 [sender.py:send_exit():593] send defer
52
+ 2024-05-14 10:31:23,152 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: defer
53
+ 2024-05-14 10:31:23,152 INFO HandlerThread:9975 [handler.py:handle_request_defer():184] handle defer: 0
54
+ 2024-05-14 10:31:23,152 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: defer
55
+ 2024-05-14 10:31:23,152 INFO SenderThread:9975 [sender.py:send_request_defer():609] handle sender defer: 0
56
+ 2024-05-14 10:31:23,152 INFO SenderThread:9975 [sender.py:transition_state():613] send defer: 1
57
+ 2024-05-14 10:31:23,152 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: defer
58
+ 2024-05-14 10:31:23,152 INFO HandlerThread:9975 [handler.py:handle_request_defer():184] handle defer: 1
59
+ 2024-05-14 10:31:23,153 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: defer
60
+ 2024-05-14 10:31:23,153 INFO SenderThread:9975 [sender.py:send_request_defer():609] handle sender defer: 1
61
+ 2024-05-14 10:31:23,153 INFO SenderThread:9975 [sender.py:transition_state():613] send defer: 2
62
+ 2024-05-14 10:31:23,153 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: defer
63
+ 2024-05-14 10:31:23,153 INFO HandlerThread:9975 [handler.py:handle_request_defer():184] handle defer: 2
64
+ 2024-05-14 10:31:23,153 INFO HandlerThread:9975 [system_monitor.py:finish():203] Stopping system monitor
65
+ 2024-05-14 10:31:23,153 INFO HandlerThread:9975 [interfaces.py:finish():200] Joined cpu monitor
66
+ 2024-05-14 10:31:23,153 DEBUG SystemMonitor:9975 [system_monitor.py:_start():172] Starting system metrics aggregation loop
67
+ 2024-05-14 10:31:23,154 INFO HandlerThread:9975 [interfaces.py:finish():200] Joined disk monitor
68
+ 2024-05-14 10:31:23,154 DEBUG SystemMonitor:9975 [system_monitor.py:_start():179] Finished system metrics aggregation loop
69
+ 2024-05-14 10:31:23,154 INFO HandlerThread:9975 [interfaces.py:finish():200] Joined memory monitor
70
+ 2024-05-14 10:31:23,154 DEBUG SystemMonitor:9975 [system_monitor.py:_start():183] Publishing last batch of metrics
71
+ 2024-05-14 10:31:23,154 INFO HandlerThread:9975 [interfaces.py:finish():200] Joined network monitor
72
+ 2024-05-14 10:31:23,156 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: defer
73
+ 2024-05-14 10:31:23,156 INFO SenderThread:9975 [sender.py:send_request_defer():609] handle sender defer: 2
74
+ 2024-05-14 10:31:23,156 INFO SenderThread:9975 [sender.py:transition_state():613] send defer: 3
75
+ 2024-05-14 10:31:23,156 DEBUG SenderThread:9975 [sender.py:send():378] send: stats
76
+ 2024-05-14 10:31:23,156 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: defer
77
+ 2024-05-14 10:31:23,156 INFO HandlerThread:9975 [handler.py:handle_request_defer():184] handle defer: 3
78
+ 2024-05-14 10:31:23,157 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: defer
79
+ 2024-05-14 10:31:23,157 INFO SenderThread:9975 [sender.py:send_request_defer():609] handle sender defer: 3
80
+ 2024-05-14 10:31:23,157 INFO SenderThread:9975 [sender.py:transition_state():613] send defer: 4
81
+ 2024-05-14 10:31:23,157 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: defer
82
+ 2024-05-14 10:31:23,157 INFO HandlerThread:9975 [handler.py:handle_request_defer():184] handle defer: 4
83
+ 2024-05-14 10:31:23,157 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: defer
84
+ 2024-05-14 10:31:23,157 INFO SenderThread:9975 [sender.py:send_request_defer():609] handle sender defer: 4
85
+ 2024-05-14 10:31:23,157 INFO SenderThread:9975 [sender.py:transition_state():613] send defer: 5
86
+ 2024-05-14 10:31:23,157 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: defer
87
+ 2024-05-14 10:31:23,157 INFO HandlerThread:9975 [handler.py:handle_request_defer():184] handle defer: 5
88
+ 2024-05-14 10:31:23,157 DEBUG SenderThread:9975 [sender.py:send():378] send: summary
89
+ 2024-05-14 10:31:23,158 INFO SenderThread:9975 [sender.py:_save_file():1389] saving file wandb-summary.json with policy end
90
+ 2024-05-14 10:31:23,158 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: defer
91
+ 2024-05-14 10:31:23,158 INFO SenderThread:9975 [sender.py:send_request_defer():609] handle sender defer: 5
92
+ 2024-05-14 10:31:23,158 INFO SenderThread:9975 [sender.py:transition_state():613] send defer: 6
93
+ 2024-05-14 10:31:23,158 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: defer
94
+ 2024-05-14 10:31:23,158 INFO HandlerThread:9975 [handler.py:handle_request_defer():184] handle defer: 6
95
+ 2024-05-14 10:31:23,158 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: defer
96
+ 2024-05-14 10:31:23,158 INFO SenderThread:9975 [sender.py:send_request_defer():609] handle sender defer: 6
97
+ 2024-05-14 10:31:23,160 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: status_report
98
+ 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
99
+ 2024-05-14 10:31:23,446 INFO SenderThread:9975 [sender.py:transition_state():613] send defer: 7
100
+ 2024-05-14 10:31:23,447 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: defer
101
+ 2024-05-14 10:31:23,447 INFO HandlerThread:9975 [handler.py:handle_request_defer():184] handle defer: 7
102
+ 2024-05-14 10:31:23,447 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: defer
103
+ 2024-05-14 10:31:23,447 INFO SenderThread:9975 [sender.py:send_request_defer():609] handle sender defer: 7
104
+ 2024-05-14 10:31:23,824 INFO SenderThread:9975 [sender.py:transition_state():613] send defer: 8
105
+ 2024-05-14 10:31:23,825 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: defer
106
+ 2024-05-14 10:31:23,825 INFO HandlerThread:9975 [handler.py:handle_request_defer():184] handle defer: 8
107
+ 2024-05-14 10:31:23,825 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: defer
108
+ 2024-05-14 10:31:23,825 INFO SenderThread:9975 [sender.py:send_request_defer():609] handle sender defer: 8
109
+ 2024-05-14 10:31:23,825 INFO SenderThread:9975 [job_builder.py:build():432] Attempting to build job artifact
110
+ 2024-05-14 10:31:23,825 INFO SenderThread:9975 [job_builder.py:_get_source_type():576] no source found
111
+ 2024-05-14 10:31:23,826 INFO SenderThread:9975 [sender.py:transition_state():613] send defer: 9
112
+ 2024-05-14 10:31:23,826 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: defer
113
+ 2024-05-14 10:31:23,826 INFO HandlerThread:9975 [handler.py:handle_request_defer():184] handle defer: 9
114
+ 2024-05-14 10:31:23,826 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: defer
115
+ 2024-05-14 10:31:23,826 INFO SenderThread:9975 [sender.py:send_request_defer():609] handle sender defer: 9
116
+ 2024-05-14 10:31:23,826 INFO SenderThread:9975 [dir_watcher.py:finish():358] shutting down directory watcher
117
+ 2024-05-14 10:31:24,151 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: poll_exit
118
+ 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
119
+ 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
120
+ 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
121
+ 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
122
+ 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
123
+ 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
124
+ 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
125
+ 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
126
+ 2024-05-14 10:31:24,327 INFO SenderThread:9975 [sender.py:transition_state():613] send defer: 10
127
+ 2024-05-14 10:31:24,330 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: poll_exit
128
+ 2024-05-14 10:31:24,330 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: defer
129
+ 2024-05-14 10:31:24,333 INFO HandlerThread:9975 [handler.py:handle_request_defer():184] handle defer: 10
130
+ 2024-05-14 10:31:24,333 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: defer
131
+ 2024-05-14 10:31:24,333 INFO SenderThread:9975 [sender.py:send_request_defer():609] handle sender defer: 10
132
+ 2024-05-14 10:31:24,333 INFO SenderThread:9975 [file_pusher.py:finish():169] shutting down file pusher
133
+ 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
134
+ 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
135
+ 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
136
+ 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
137
+ 2024-05-14 10:31:25,027 INFO Thread-11 (_thread_body):9975 [sender.py:transition_state():613] send defer: 11
138
+ 2024-05-14 10:31:25,027 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: defer
139
+ 2024-05-14 10:31:25,027 INFO HandlerThread:9975 [handler.py:handle_request_defer():184] handle defer: 11
140
+ 2024-05-14 10:31:25,028 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: defer
141
+ 2024-05-14 10:31:25,028 INFO SenderThread:9975 [sender.py:send_request_defer():609] handle sender defer: 11
142
+ 2024-05-14 10:31:25,028 INFO SenderThread:9975 [file_pusher.py:join():175] waiting for file pusher
143
+ 2024-05-14 10:31:25,028 INFO SenderThread:9975 [sender.py:transition_state():613] send defer: 12
144
+ 2024-05-14 10:31:25,028 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: defer
145
+ 2024-05-14 10:31:25,028 INFO HandlerThread:9975 [handler.py:handle_request_defer():184] handle defer: 12
146
+ 2024-05-14 10:31:25,028 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: defer
147
+ 2024-05-14 10:31:25,028 INFO SenderThread:9975 [sender.py:send_request_defer():609] handle sender defer: 12
148
+ 2024-05-14 10:31:25,028 INFO SenderThread:9975 [file_stream.py:finish():601] file stream finish called
149
+ 2024-05-14 10:31:25,151 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: poll_exit
150
+ 2024-05-14 10:31:25,563 INFO SenderThread:9975 [file_stream.py:finish():605] file stream finish is done
151
+ 2024-05-14 10:31:25,563 INFO SenderThread:9975 [sender.py:transition_state():613] send defer: 13
152
+ 2024-05-14 10:31:25,563 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: poll_exit
153
+ 2024-05-14 10:31:25,563 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: defer
154
+ 2024-05-14 10:31:25,563 INFO HandlerThread:9975 [handler.py:handle_request_defer():184] handle defer: 13
155
+ 2024-05-14 10:31:25,563 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: defer
156
+ 2024-05-14 10:31:25,563 INFO SenderThread:9975 [sender.py:send_request_defer():609] handle sender defer: 13
157
+ 2024-05-14 10:31:25,564 INFO SenderThread:9975 [sender.py:transition_state():613] send defer: 14
158
+ 2024-05-14 10:31:25,564 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: defer
159
+ 2024-05-14 10:31:25,564 DEBUG SenderThread:9975 [sender.py:send():378] send: final
160
+ 2024-05-14 10:31:25,564 INFO HandlerThread:9975 [handler.py:handle_request_defer():184] handle defer: 14
161
+ 2024-05-14 10:31:25,564 DEBUG SenderThread:9975 [sender.py:send():378] send: footer
162
+ 2024-05-14 10:31:25,564 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: defer
163
+ 2024-05-14 10:31:25,564 INFO SenderThread:9975 [sender.py:send_request_defer():609] handle sender defer: 14
164
+ 2024-05-14 10:31:25,564 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: poll_exit
165
+ 2024-05-14 10:31:25,564 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: poll_exit
166
+ 2024-05-14 10:31:25,565 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: poll_exit
167
+ 2024-05-14 10:31:25,565 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: server_info
168
+ 2024-05-14 10:31:25,565 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: poll_exit
169
+ 2024-05-14 10:31:25,565 DEBUG SenderThread:9975 [sender.py:send_request():405] send_request: server_info
170
+ 2024-05-14 10:31:25,565 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: get_summary
171
+ 2024-05-14 10:31:25,566 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: sampled_history
172
+ 2024-05-14 10:31:25,566 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: internal_messages
173
+ 2024-05-14 10:31:25,617 INFO MainThread:9975 [wandb_run.py:_footer_history_summary_info():3994] rendering history
174
+ 2024-05-14 10:31:25,617 INFO MainThread:9975 [wandb_run.py:_footer_history_summary_info():4026] rendering summary
175
+ 2024-05-14 10:31:25,617 INFO MainThread:9975 [wandb_run.py:_footer_sync_info():3953] logging synced files
176
+ 2024-05-14 10:31:25,618 DEBUG HandlerThread:9975 [handler.py:handle_request():158] handle_request: shutdown
177
+ 2024-05-14 10:31:25,618 INFO HandlerThread:9975 [handler.py:finish():882] shutting down handler
178
+ 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
179
+ 2024-05-14 10:31:26,617 INFO SenderThread:9975 [sender.py:finish():1545] shutting down sender
180
+ 2024-05-14 10:31:26,617 INFO SenderThread:9975 [file_pusher.py:finish():169] shutting down file pusher
181
+ 2024-05-14 10:31:26,617 INFO SenderThread:9975 [file_pusher.py:join():175] waiting for file pusher
lm-evaluation-harness/wandb/run-20240514_103117-od8j0s5f/logs/debug.log ADDED
@@ -0,0 +1,28 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2024-05-14 10:31:17,089 INFO MainThread:8786 [wandb_setup.py:_flush():76] Current SDK version is 0.17.0
2
+ 2024-05-14 10:31:17,089 INFO MainThread:8786 [wandb_setup.py:_flush():76] Configure stats pid to 8786
3
+ 2024-05-14 10:31:17,089 INFO MainThread:8786 [wandb_setup.py:_flush():76] Loading settings from /root/.config/wandb/settings
4
+ 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
5
+ 2024-05-14 10:31:17,089 INFO MainThread:8786 [wandb_setup.py:_flush():76] Loading settings from environment variables: {}
6
+ 2024-05-14 10:31:17,089 INFO MainThread:8786 [wandb_setup.py:_flush():76] Applying setup settings: {'_disable_service': False}
7
+ 2024-05-14 10:31:17,089 WARNING MainThread:8786 [wandb_setup.py:_flush():76] Could not find program at -m lm_eval.__main__
8
+ 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__'}
9
+ 2024-05-14 10:31:17,089 INFO MainThread:8786 [wandb_setup.py:_flush():76] Applying login settings: {}
10
+ 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
11
+ 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
12
+ 2024-05-14 10:31:17,089 INFO MainThread:8786 [wandb_init.py:init():560] calling init triggers
13
+ 2024-05-14 10:31:17,089 INFO MainThread:8786 [wandb_init.py:init():567] wandb.init called with sweep_config: {}
14
+ config: {}
15
+ 2024-05-14 10:31:17,089 INFO MainThread:8786 [wandb_init.py:init():610] starting backend
16
+ 2024-05-14 10:31:17,089 INFO MainThread:8786 [wandb_init.py:init():614] setting up manager
17
+ 2024-05-14 10:31:17,091 INFO MainThread:8786 [backend.py:_multiprocessing_setup():105] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
18
+ 2024-05-14 10:31:17,092 INFO MainThread:8786 [wandb_init.py:init():622] backend started and connected
19
+ 2024-05-14 10:31:17,096 INFO MainThread:8786 [wandb_init.py:init():711] updated telemetry
20
+ 2024-05-14 10:31:17,106 INFO MainThread:8786 [wandb_init.py:init():744] communicating run to backend with 90.0 second timeout
21
+ 2024-05-14 10:31:17,329 INFO MainThread:8786 [wandb_run.py:_on_init():2396] communicating current version
22
+ 2024-05-14 10:31:17,404 INFO MainThread:8786 [wandb_run.py:_on_init():2405] got version response
23
+ 2024-05-14 10:31:17,404 INFO MainThread:8786 [wandb_init.py:init():795] starting run threads in backend
24
+ 2024-05-14 10:31:17,620 INFO MainThread:8786 [wandb_run.py:_console_start():2374] atexit reg
25
+ 2024-05-14 10:31:17,620 INFO MainThread:8786 [wandb_run.py:_redirect():2229] redirect: wrap_raw
26
+ 2024-05-14 10:31:17,620 INFO MainThread:8786 [wandb_run.py:_redirect():2294] Wrapping output streams.
27
+ 2024-05-14 10:31:17,620 INFO MainThread:8786 [wandb_run.py:_redirect():2319] Redirects installed.
28
+ 2024-05-14 10:31:17,621 INFO MainThread:8786 [wandb_init.py:init():838] run started, returning control to user process
lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/files/config.yaml ADDED
@@ -0,0 +1,43 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ wandb_version: 1
2
+
3
+ _wandb:
4
+ desc: null
5
+ value:
6
+ python_version: 3.10.12
7
+ cli_version: 0.17.0
8
+ framework: huggingface
9
+ huggingface_version: 4.40.2
10
+ is_jupyter_run: false
11
+ is_kaggle_kernel: false
12
+ start_time: 1715682677
13
+ t:
14
+ 1:
15
+ - 1
16
+ - 5
17
+ - 11
18
+ - 49
19
+ - 51
20
+ - 53
21
+ - 55
22
+ - 71
23
+ - 98
24
+ - 100
25
+ 2:
26
+ - 1
27
+ - 5
28
+ - 11
29
+ - 49
30
+ - 51
31
+ - 53
32
+ - 55
33
+ - 71
34
+ - 98
35
+ - 100
36
+ 3:
37
+ - 23
38
+ 4: 3.10.12
39
+ 5: 0.17.0
40
+ 6: 4.40.2
41
+ 8:
42
+ - 5
43
+ 13: linux-x86_64
lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/files/requirements.txt ADDED
@@ -0,0 +1,163 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ DataProperty==1.0.1
2
+ GitPython==3.1.43
3
+ Jinja2==3.1.3
4
+ Markdown==3.6
5
+ MarkupSafe==2.1.5
6
+ Pillow-SIMD==7.0.0.post3
7
+ PyYAML==6.0
8
+ Werkzeug==3.0.2
9
+ absl-py==2.1.0
10
+ accelerate==0.30.1
11
+ aiohttp==3.9.4
12
+ aiosignal==1.3.1
13
+ antlr4-python3-runtime==4.9.3
14
+ anyio==4.3.0
15
+ async-timeout==4.0.3
16
+ attrs==23.2.0
17
+ av==9.2.0
18
+ cachetools==5.3.3
19
+ certifi==2024.2.2
20
+ cffi==1.15.1
21
+ cfgv==3.4.0
22
+ chardet==5.2.0
23
+ charset-normalizer==3.3.2
24
+ click==8.1.7
25
+ cmake==3.29.2
26
+ colorama==0.4.6
27
+ datasets==2.19.1
28
+ deepspeed==0.12.4+hpu.synapse.v1.15.1
29
+ dill==0.3.8
30
+ distlib==0.3.8
31
+ distro==1.9.0
32
+ docker-pycreds==0.4.0
33
+ einops==0.8.0
34
+ evaluate==0.4.2
35
+ exceptiongroup==1.2.0
36
+ expecttest==0.2.1
37
+ filelock==3.13.4
38
+ frozenlist==1.4.1
39
+ fsspec==2024.3.1
40
+ gitdb==4.0.11
41
+ google-auth-oauthlib==0.4.6
42
+ google-auth==2.29.0
43
+ grpcio==1.62.1
44
+ h11==0.14.0
45
+ habana-media-loader==1.15.1.15
46
+ habana-pyhlml==1.15.1.15
47
+ habana-torch-dataloader==1.15.1.15
48
+ habana-torch-plugin==1.15.1.15
49
+ habana_gpu_migration==1.15.1.15
50
+ habana_quantization_toolkit==1.15.1.15
51
+ hjson==3.1.0
52
+ httpcore==1.0.5
53
+ httpx==0.27.0
54
+ huggingface-hub==0.23.0
55
+ identify==2.5.35
56
+ idna==3.7
57
+ importlib_resources==6.4.0
58
+ iniconfig==2.0.0
59
+ joblib==1.4.2
60
+ jsonlines==4.0.0
61
+ lightning-habana==1.4.0
62
+ lightning-utilities==0.11.2
63
+ lightning==2.2.0.post0
64
+ lm_eval==0.3.0
65
+ lm_eval==0.4.2
66
+ lm_eval==0.4.2
67
+ lm_eval==0.4.2
68
+ mbstrdecoder==1.1.3
69
+ more-itertools==10.2.0
70
+ mpi4py==3.1.4
71
+ mpmath==1.3.0
72
+ multidict==6.0.5
73
+ multiprocess==0.70.16
74
+ networkx==3.3
75
+ ninja==1.11.1.1
76
+ nltk==3.8.1
77
+ nodeenv==1.8.0
78
+ numexpr==2.10.0
79
+ numpy==1.23.5
80
+ oauthlib==3.2.2
81
+ omegaconf==2.3.0
82
+ openai==1.29.0
83
+ packaging==24.0
84
+ pandas==2.0.1
85
+ pathspec==0.12.1
86
+ pathvalidate==3.2.0
87
+ peft==0.10.0
88
+ perfetto==0.7.0
89
+ pip==22.0.2
90
+ pip==23.3.1
91
+ platformdirs==4.2.0
92
+ pluggy==1.4.0
93
+ portalocker==2.8.2
94
+ pre-commit==3.3.3
95
+ protobuf==3.20.3
96
+ psutil==5.9.8
97
+ py-cpuinfo==9.0.0
98
+ pyarrow-hotfix==0.6
99
+ pyarrow==16.0.0
100
+ pyasn1==0.6.0
101
+ pyasn1_modules==0.4.0
102
+ pybind11==2.10.4
103
+ pycountry==23.12.11
104
+ pycparser==2.22
105
+ pydantic==1.10.13
106
+ pynvml==8.0.4
107
+ pytablewriter==1.2.0
108
+ pytest==8.1.1
109
+ python-dateutil==2.9.0.post0
110
+ pytorch-lightning==2.2.2
111
+ pytz==2024.1
112
+ regex==2023.5.5
113
+ requests-oauthlib==2.0.0
114
+ requests==2.31.0
115
+ rouge_score==0.1.2
116
+ rsa==4.9
117
+ sacrebleu==1.5.0
118
+ safetensors==0.4.3
119
+ scikit-learn==1.4.2
120
+ scipy==1.13.0
121
+ sentencepiece==0.2.0
122
+ sentry-sdk==2.1.1
123
+ setproctitle==1.3.3
124
+ setuptools==59.6.0
125
+ setuptools==69.5.1
126
+ six==1.16.0
127
+ smmap==5.0.1
128
+ sniffio==1.3.1
129
+ sqlitedict==2.1.0
130
+ symengine==0.11.0
131
+ sympy==1.12
132
+ tabledata==1.3.3
133
+ tcolorpy==0.1.6
134
+ tdqm==0.0.1
135
+ tensorboard-data-server==0.6.1
136
+ tensorboard-plugin-wit==1.8.1
137
+ tensorboard==2.11.2
138
+ threadpoolctl==3.5.0
139
+ tokenizers==0.19.1
140
+ tomli==2.0.1
141
+ torch==2.2.0a0+git8964477
142
+ torch_tb_profiler==0.4.0
143
+ torchaudio==2.2.0+08901ad
144
+ torchdata==0.7.1+5e6f7b7
145
+ torchmetrics==1.3.2
146
+ torchtext==0.17.0+400da5c
147
+ torchvision==0.17.0+b2383d4
148
+ tqdm-multiprocess==0.0.11
149
+ tqdm==4.66.2
150
+ transformers==4.40.2
151
+ typepy==1.3.2
152
+ typing_extensions==4.11.0
153
+ tzdata==2024.1
154
+ urllib3==1.26.18
155
+ virtualenv==20.25.1
156
+ wandb==0.17.0
157
+ wheel==0.37.1
158
+ wheel==0.43.0
159
+ word2number==1.1
160
+ xxhash==3.4.1
161
+ yamllint==1.35.1
162
+ yarl==1.9.4
163
+ zstandard==0.22.0
lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/files/wandb-metadata.json ADDED
@@ -0,0 +1,810 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "os": "Linux-5.15.0-92-generic-x86_64-with-glibc2.35",
3
+ "python": "3.10.12",
4
+ "heartbeatAt": "2024-05-14T10:31:17.463069",
5
+ "startedAt": "2024-05-14T10:31:17.025146",
6
+ "docker": null,
7
+ "cuda": null,
8
+ "args": [
9
+ "--model",
10
+ "hf",
11
+ "--model_args",
12
+ "pretrained=/data/cronscript/ckpts//hf_ckpt//global_step20",
13
+ "--tasks",
14
+ "indiccopa-hi",
15
+ "--batch_size",
16
+ "auto",
17
+ "--wandb_args",
18
+ "project=bharatgpt"
19
+ ],
20
+ "state": "running",
21
+ "program": "-m lm_eval.__main__",
22
+ "codePathLocal": null,
23
+ "git": {
24
+ "remote": "https://github.com/EleutherAI/lm-evaluation-harness",
25
+ "commit": null
26
+ },
27
+ "email": null,
28
+ "root": "/data/cronscript/lm-evaluation-harness",
29
+ "host": "vizzhy-150-3",
30
+ "username": "root",
31
+ "executable": "/usr/bin/python3",
32
+ "cpu_count": 76,
33
+ "cpu_count_logical": 152,
34
+ "cpu_freq": {
35
+ "current": 3393.3466578947373,
36
+ "min": 800.0,
37
+ "max": 3400.0
38
+ },
39
+ "cpu_freq_per_core": [
40
+ {
41
+ "current": 3300.0,
42
+ "min": 800.0,
43
+ "max": 3400.0
44
+ },
45
+ {
46
+ "current": 3300.0,
47
+ "min": 800.0,
48
+ "max": 3400.0
49
+ },
50
+ {
51
+ "current": 3400.0,
52
+ "min": 800.0,
53
+ "max": 3400.0
54
+ },
55
+ {
56
+ "current": 3400.0,
57
+ "min": 800.0,
58
+ "max": 3400.0
59
+ },
60
+ {
61
+ "current": 3400.0,
62
+ "min": 800.0,
63
+ "max": 3400.0
64
+ },
65
+ {
66
+ "current": 3400.0,
67
+ "min": 800.0,
68
+ "max": 3400.0
69
+ },
70
+ {
71
+ "current": 3400.0,
72
+ "min": 800.0,
73
+ "max": 3400.0
74
+ },
75
+ {
76
+ "current": 3400.0,
77
+ "min": 800.0,
78
+ "max": 3400.0
79
+ },
80
+ {
81
+ "current": 3400.0,
82
+ "min": 800.0,
83
+ "max": 3400.0
84
+ },
85
+ {
86
+ "current": 3400.0,
87
+ "min": 800.0,
88
+ "max": 3400.0
89
+ },
90
+ {
91
+ "current": 3400.0,
92
+ "min": 800.0,
93
+ "max": 3400.0
94
+ },
95
+ {
96
+ "current": 3400.0,
97
+ "min": 800.0,
98
+ "max": 3400.0
99
+ },
100
+ {
101
+ "current": 3400.0,
102
+ "min": 800.0,
103
+ "max": 3400.0
104
+ },
105
+ {
106
+ "current": 3400.0,
107
+ "min": 800.0,
108
+ "max": 3400.0
109
+ },
110
+ {
111
+ "current": 3400.0,
112
+ "min": 800.0,
113
+ "max": 3400.0
114
+ },
115
+ {
116
+ "current": 3400.0,
117
+ "min": 800.0,
118
+ "max": 3400.0
119
+ },
120
+ {
121
+ "current": 3400.0,
122
+ "min": 800.0,
123
+ "max": 3400.0
124
+ },
125
+ {
126
+ "current": 3400.0,
127
+ "min": 800.0,
128
+ "max": 3400.0
129
+ },
130
+ {
131
+ "current": 3400.0,
132
+ "min": 800.0,
133
+ "max": 3400.0
134
+ },
135
+ {
136
+ "current": 3400.0,
137
+ "min": 800.0,
138
+ "max": 3400.0
139
+ },
140
+ {
141
+ "current": 3400.0,
142
+ "min": 800.0,
143
+ "max": 3400.0
144
+ },
145
+ {
146
+ "current": 3400.0,
147
+ "min": 800.0,
148
+ "max": 3400.0
149
+ },
150
+ {
151
+ "current": 3400.0,
152
+ "min": 800.0,
153
+ "max": 3400.0
154
+ },
155
+ {
156
+ "current": 3400.0,
157
+ "min": 800.0,
158
+ "max": 3400.0
159
+ },
160
+ {
161
+ "current": 3400.0,
162
+ "min": 800.0,
163
+ "max": 3400.0
164
+ },
165
+ {
166
+ "current": 3400.0,
167
+ "min": 800.0,
168
+ "max": 3400.0
169
+ },
170
+ {
171
+ "current": 3400.0,
172
+ "min": 800.0,
173
+ "max": 3400.0
174
+ },
175
+ {
176
+ "current": 3400.0,
177
+ "min": 800.0,
178
+ "max": 3400.0
179
+ },
180
+ {
181
+ "current": 3400.0,
182
+ "min": 800.0,
183
+ "max": 3400.0
184
+ },
185
+ {
186
+ "current": 3400.0,
187
+ "min": 800.0,
188
+ "max": 3400.0
189
+ },
190
+ {
191
+ "current": 3400.0,
192
+ "min": 800.0,
193
+ "max": 3400.0
194
+ },
195
+ {
196
+ "current": 3400.0,
197
+ "min": 800.0,
198
+ "max": 3400.0
199
+ },
200
+ {
201
+ "current": 3300.0,
202
+ "min": 800.0,
203
+ "max": 3400.0
204
+ },
205
+ {
206
+ "current": 3400.0,
207
+ "min": 800.0,
208
+ "max": 3400.0
209
+ },
210
+ {
211
+ "current": 3300.0,
212
+ "min": 800.0,
213
+ "max": 3400.0
214
+ },
215
+ {
216
+ "current": 3400.0,
217
+ "min": 800.0,
218
+ "max": 3400.0
219
+ },
220
+ {
221
+ "current": 3400.0,
222
+ "min": 800.0,
223
+ "max": 3400.0
224
+ },
225
+ {
226
+ "current": 3400.0,
227
+ "min": 800.0,
228
+ "max": 3400.0
229
+ },
230
+ {
231
+ "current": 3293.042,
232
+ "min": 800.0,
233
+ "max": 3400.0
234
+ },
235
+ {
236
+ "current": 3293.042,
237
+ "min": 800.0,
238
+ "max": 3400.0
239
+ },
240
+ {
241
+ "current": 3400.0,
242
+ "min": 800.0,
243
+ "max": 3400.0
244
+ },
245
+ {
246
+ "current": 3400.0,
247
+ "min": 800.0,
248
+ "max": 3400.0
249
+ },
250
+ {
251
+ "current": 3400.0,
252
+ "min": 800.0,
253
+ "max": 3400.0
254
+ },
255
+ {
256
+ "current": 3400.0,
257
+ "min": 800.0,
258
+ "max": 3400.0
259
+ },
260
+ {
261
+ "current": 3300.0,
262
+ "min": 800.0,
263
+ "max": 3400.0
264
+ },
265
+ {
266
+ "current": 3400.0,
267
+ "min": 800.0,
268
+ "max": 3400.0
269
+ },
270
+ {
271
+ "current": 3400.0,
272
+ "min": 800.0,
273
+ "max": 3400.0
274
+ },
275
+ {
276
+ "current": 3400.0,
277
+ "min": 800.0,
278
+ "max": 3400.0
279
+ },
280
+ {
281
+ "current": 3400.0,
282
+ "min": 800.0,
283
+ "max": 3400.0
284
+ },
285
+ {
286
+ "current": 3400.0,
287
+ "min": 800.0,
288
+ "max": 3400.0
289
+ },
290
+ {
291
+ "current": 3400.0,
292
+ "min": 800.0,
293
+ "max": 3400.0
294
+ },
295
+ {
296
+ "current": 3400.0,
297
+ "min": 800.0,
298
+ "max": 3400.0
299
+ },
300
+ {
301
+ "current": 3400.0,
302
+ "min": 800.0,
303
+ "max": 3400.0
304
+ },
305
+ {
306
+ "current": 3400.0,
307
+ "min": 800.0,
308
+ "max": 3400.0
309
+ },
310
+ {
311
+ "current": 3400.0,
312
+ "min": 800.0,
313
+ "max": 3400.0
314
+ },
315
+ {
316
+ "current": 3400.0,
317
+ "min": 800.0,
318
+ "max": 3400.0
319
+ },
320
+ {
321
+ "current": 3400.0,
322
+ "min": 800.0,
323
+ "max": 3400.0
324
+ },
325
+ {
326
+ "current": 3400.0,
327
+ "min": 800.0,
328
+ "max": 3400.0
329
+ },
330
+ {
331
+ "current": 3400.0,
332
+ "min": 800.0,
333
+ "max": 3400.0
334
+ },
335
+ {
336
+ "current": 3400.0,
337
+ "min": 800.0,
338
+ "max": 3400.0
339
+ },
340
+ {
341
+ "current": 3400.0,
342
+ "min": 800.0,
343
+ "max": 3400.0
344
+ },
345
+ {
346
+ "current": 3400.0,
347
+ "min": 800.0,
348
+ "max": 3400.0
349
+ },
350
+ {
351
+ "current": 3400.0,
352
+ "min": 800.0,
353
+ "max": 3400.0
354
+ },
355
+ {
356
+ "current": 3400.0,
357
+ "min": 800.0,
358
+ "max": 3400.0
359
+ },
360
+ {
361
+ "current": 3400.0,
362
+ "min": 800.0,
363
+ "max": 3400.0
364
+ },
365
+ {
366
+ "current": 3400.0,
367
+ "min": 800.0,
368
+ "max": 3400.0
369
+ },
370
+ {
371
+ "current": 3400.0,
372
+ "min": 800.0,
373
+ "max": 3400.0
374
+ },
375
+ {
376
+ "current": 3400.0,
377
+ "min": 800.0,
378
+ "max": 3400.0
379
+ },
380
+ {
381
+ "current": 3400.0,
382
+ "min": 800.0,
383
+ "max": 3400.0
384
+ },
385
+ {
386
+ "current": 3400.0,
387
+ "min": 800.0,
388
+ "max": 3400.0
389
+ },
390
+ {
391
+ "current": 3400.0,
392
+ "min": 800.0,
393
+ "max": 3400.0
394
+ },
395
+ {
396
+ "current": 3400.0,
397
+ "min": 800.0,
398
+ "max": 3400.0
399
+ },
400
+ {
401
+ "current": 3400.0,
402
+ "min": 800.0,
403
+ "max": 3400.0
404
+ },
405
+ {
406
+ "current": 3400.0,
407
+ "min": 800.0,
408
+ "max": 3400.0
409
+ },
410
+ {
411
+ "current": 3400.0,
412
+ "min": 800.0,
413
+ "max": 3400.0
414
+ },
415
+ {
416
+ "current": 3400.0,
417
+ "min": 800.0,
418
+ "max": 3400.0
419
+ },
420
+ {
421
+ "current": 3400.0,
422
+ "min": 800.0,
423
+ "max": 3400.0
424
+ },
425
+ {
426
+ "current": 3400.0,
427
+ "min": 800.0,
428
+ "max": 3400.0
429
+ },
430
+ {
431
+ "current": 3400.0,
432
+ "min": 800.0,
433
+ "max": 3400.0
434
+ },
435
+ {
436
+ "current": 3400.0,
437
+ "min": 800.0,
438
+ "max": 3400.0
439
+ },
440
+ {
441
+ "current": 3400.0,
442
+ "min": 800.0,
443
+ "max": 3400.0
444
+ },
445
+ {
446
+ "current": 3400.0,
447
+ "min": 800.0,
448
+ "max": 3400.0
449
+ },
450
+ {
451
+ "current": 3400.0,
452
+ "min": 800.0,
453
+ "max": 3400.0
454
+ },
455
+ {
456
+ "current": 3400.0,
457
+ "min": 800.0,
458
+ "max": 3400.0
459
+ },
460
+ {
461
+ "current": 3400.0,
462
+ "min": 800.0,
463
+ "max": 3400.0
464
+ },
465
+ {
466
+ "current": 3400.0,
467
+ "min": 800.0,
468
+ "max": 3400.0
469
+ },
470
+ {
471
+ "current": 3400.0,
472
+ "min": 800.0,
473
+ "max": 3400.0
474
+ },
475
+ {
476
+ "current": 3400.0,
477
+ "min": 800.0,
478
+ "max": 3400.0
479
+ },
480
+ {
481
+ "current": 3400.0,
482
+ "min": 800.0,
483
+ "max": 3400.0
484
+ },
485
+ {
486
+ "current": 3400.0,
487
+ "min": 800.0,
488
+ "max": 3400.0
489
+ },
490
+ {
491
+ "current": 3400.0,
492
+ "min": 800.0,
493
+ "max": 3400.0
494
+ },
495
+ {
496
+ "current": 3400.0,
497
+ "min": 800.0,
498
+ "max": 3400.0
499
+ },
500
+ {
501
+ "current": 3400.0,
502
+ "min": 800.0,
503
+ "max": 3400.0
504
+ },
505
+ {
506
+ "current": 3400.0,
507
+ "min": 800.0,
508
+ "max": 3400.0
509
+ },
510
+ {
511
+ "current": 3400.0,
512
+ "min": 800.0,
513
+ "max": 3400.0
514
+ },
515
+ {
516
+ "current": 3400.0,
517
+ "min": 800.0,
518
+ "max": 3400.0
519
+ },
520
+ {
521
+ "current": 3300.0,
522
+ "min": 800.0,
523
+ "max": 3400.0
524
+ },
525
+ {
526
+ "current": 3400.0,
527
+ "min": 800.0,
528
+ "max": 3400.0
529
+ },
530
+ {
531
+ "current": 3400.0,
532
+ "min": 800.0,
533
+ "max": 3400.0
534
+ },
535
+ {
536
+ "current": 3400.0,
537
+ "min": 800.0,
538
+ "max": 3400.0
539
+ },
540
+ {
541
+ "current": 3400.0,
542
+ "min": 800.0,
543
+ "max": 3400.0
544
+ },
545
+ {
546
+ "current": 3400.0,
547
+ "min": 800.0,
548
+ "max": 3400.0
549
+ },
550
+ {
551
+ "current": 3400.0,
552
+ "min": 800.0,
553
+ "max": 3400.0
554
+ },
555
+ {
556
+ "current": 3400.0,
557
+ "min": 800.0,
558
+ "max": 3400.0
559
+ },
560
+ {
561
+ "current": 3400.0,
562
+ "min": 800.0,
563
+ "max": 3400.0
564
+ },
565
+ {
566
+ "current": 3400.0,
567
+ "min": 800.0,
568
+ "max": 3400.0
569
+ },
570
+ {
571
+ "current": 3400.0,
572
+ "min": 800.0,
573
+ "max": 3400.0
574
+ },
575
+ {
576
+ "current": 3400.0,
577
+ "min": 800.0,
578
+ "max": 3400.0
579
+ },
580
+ {
581
+ "current": 3400.0,
582
+ "min": 800.0,
583
+ "max": 3400.0
584
+ },
585
+ {
586
+ "current": 3400.0,
587
+ "min": 800.0,
588
+ "max": 3400.0
589
+ },
590
+ {
591
+ "current": 3400.0,
592
+ "min": 800.0,
593
+ "max": 3400.0
594
+ },
595
+ {
596
+ "current": 3400.0,
597
+ "min": 800.0,
598
+ "max": 3400.0
599
+ },
600
+ {
601
+ "current": 3400.0,
602
+ "min": 800.0,
603
+ "max": 3400.0
604
+ },
605
+ {
606
+ "current": 3400.0,
607
+ "min": 800.0,
608
+ "max": 3400.0
609
+ },
610
+ {
611
+ "current": 3400.0,
612
+ "min": 800.0,
613
+ "max": 3400.0
614
+ },
615
+ {
616
+ "current": 3400.0,
617
+ "min": 800.0,
618
+ "max": 3400.0
619
+ },
620
+ {
621
+ "current": 3400.0,
622
+ "min": 800.0,
623
+ "max": 3400.0
624
+ },
625
+ {
626
+ "current": 3400.0,
627
+ "min": 800.0,
628
+ "max": 3400.0
629
+ },
630
+ {
631
+ "current": 3400.0,
632
+ "min": 800.0,
633
+ "max": 3400.0
634
+ },
635
+ {
636
+ "current": 3400.0,
637
+ "min": 800.0,
638
+ "max": 3400.0
639
+ },
640
+ {
641
+ "current": 3400.0,
642
+ "min": 800.0,
643
+ "max": 3400.0
644
+ },
645
+ {
646
+ "current": 3400.0,
647
+ "min": 800.0,
648
+ "max": 3400.0
649
+ },
650
+ {
651
+ "current": 3400.0,
652
+ "min": 800.0,
653
+ "max": 3400.0
654
+ },
655
+ {
656
+ "current": 3400.0,
657
+ "min": 800.0,
658
+ "max": 3400.0
659
+ },
660
+ {
661
+ "current": 3400.0,
662
+ "min": 800.0,
663
+ "max": 3400.0
664
+ },
665
+ {
666
+ "current": 3400.0,
667
+ "min": 800.0,
668
+ "max": 3400.0
669
+ },
670
+ {
671
+ "current": 3400.0,
672
+ "min": 800.0,
673
+ "max": 3400.0
674
+ },
675
+ {
676
+ "current": 3400.0,
677
+ "min": 800.0,
678
+ "max": 3400.0
679
+ },
680
+ {
681
+ "current": 3400.0,
682
+ "min": 800.0,
683
+ "max": 3400.0
684
+ },
685
+ {
686
+ "current": 3400.0,
687
+ "min": 800.0,
688
+ "max": 3400.0
689
+ },
690
+ {
691
+ "current": 3400.0,
692
+ "min": 800.0,
693
+ "max": 3400.0
694
+ },
695
+ {
696
+ "current": 3400.0,
697
+ "min": 800.0,
698
+ "max": 3400.0
699
+ },
700
+ {
701
+ "current": 3400.0,
702
+ "min": 800.0,
703
+ "max": 3400.0
704
+ },
705
+ {
706
+ "current": 3400.0,
707
+ "min": 800.0,
708
+ "max": 3400.0
709
+ },
710
+ {
711
+ "current": 3400.0,
712
+ "min": 800.0,
713
+ "max": 3400.0
714
+ },
715
+ {
716
+ "current": 3400.0,
717
+ "min": 800.0,
718
+ "max": 3400.0
719
+ },
720
+ {
721
+ "current": 3400.0,
722
+ "min": 800.0,
723
+ "max": 3400.0
724
+ },
725
+ {
726
+ "current": 3400.0,
727
+ "min": 800.0,
728
+ "max": 3400.0
729
+ },
730
+ {
731
+ "current": 3400.0,
732
+ "min": 800.0,
733
+ "max": 3400.0
734
+ },
735
+ {
736
+ "current": 3400.0,
737
+ "min": 800.0,
738
+ "max": 3400.0
739
+ },
740
+ {
741
+ "current": 3400.0,
742
+ "min": 800.0,
743
+ "max": 3400.0
744
+ },
745
+ {
746
+ "current": 3400.0,
747
+ "min": 800.0,
748
+ "max": 3400.0
749
+ },
750
+ {
751
+ "current": 3400.0,
752
+ "min": 800.0,
753
+ "max": 3400.0
754
+ },
755
+ {
756
+ "current": 3400.0,
757
+ "min": 800.0,
758
+ "max": 3400.0
759
+ },
760
+ {
761
+ "current": 3400.0,
762
+ "min": 800.0,
763
+ "max": 3400.0
764
+ },
765
+ {
766
+ "current": 3400.0,
767
+ "min": 800.0,
768
+ "max": 3400.0
769
+ },
770
+ {
771
+ "current": 3400.0,
772
+ "min": 800.0,
773
+ "max": 3400.0
774
+ },
775
+ {
776
+ "current": 3400.0,
777
+ "min": 800.0,
778
+ "max": 3400.0
779
+ },
780
+ {
781
+ "current": 3400.0,
782
+ "min": 800.0,
783
+ "max": 3400.0
784
+ },
785
+ {
786
+ "current": 3400.0,
787
+ "min": 800.0,
788
+ "max": 3400.0
789
+ },
790
+ {
791
+ "current": 3400.0,
792
+ "min": 800.0,
793
+ "max": 3400.0
794
+ },
795
+ {
796
+ "current": 3299.459,
797
+ "min": 800.0,
798
+ "max": 3400.0
799
+ }
800
+ ],
801
+ "disk": {
802
+ "/": {
803
+ "total": 866.4415092468262,
804
+ "used": 76.9227523803711
805
+ }
806
+ },
807
+ "memory": {
808
+ "total": 1007.5000267028809
809
+ }
810
+ }
lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/files/wandb-summary.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"_wandb": {"runtime": 5}}
lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/logs/debug-internal.log ADDED
@@ -0,0 +1,181 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 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
2
+ 2024-05-14 10:31:17,038 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: status
3
+ 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
4
+ 2024-05-14 10:31:17,041 DEBUG SenderThread:10007 [sender.py:send():378] send: header
5
+ 2024-05-14 10:31:17,052 DEBUG SenderThread:10007 [sender.py:send():378] send: run
6
+ 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
7
+ 2024-05-14 10:31:17,286 INFO SenderThread:10007 [sender.py:_start_run_threads():1123] run started: ux3vtu8o with start time 1715682677.035565
8
+ 2024-05-14 10:31:17,293 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: check_version
9
+ 2024-05-14 10:31:17,293 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: check_version
10
+ 2024-05-14 10:31:17,376 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: run_start
11
+ 2024-05-14 10:31:17,378 DEBUG HandlerThread:10007 [system_info.py:__init__():26] System info init
12
+ 2024-05-14 10:31:17,378 DEBUG HandlerThread:10007 [system_info.py:__init__():41] System info init done
13
+ 2024-05-14 10:31:17,378 INFO HandlerThread:10007 [system_monitor.py:start():194] Starting system monitor
14
+ 2024-05-14 10:31:17,378 INFO SystemMonitor:10007 [system_monitor.py:_start():158] Starting system asset monitoring threads
15
+ 2024-05-14 10:31:17,378 INFO HandlerThread:10007 [system_monitor.py:probe():214] Collecting system info
16
+ 2024-05-14 10:31:17,378 INFO SystemMonitor:10007 [interfaces.py:start():188] Started cpu monitoring
17
+ 2024-05-14 10:31:17,379 INFO SystemMonitor:10007 [interfaces.py:start():188] Started disk monitoring
18
+ 2024-05-14 10:31:17,379 INFO SystemMonitor:10007 [interfaces.py:start():188] Started memory monitoring
19
+ 2024-05-14 10:31:17,380 INFO SystemMonitor:10007 [interfaces.py:start():188] Started network monitoring
20
+ 2024-05-14 10:31:17,463 DEBUG HandlerThread:10007 [system_info.py:probe():150] Probing system
21
+ 2024-05-14 10:31:17,470 DEBUG HandlerThread:10007 [system_info.py:_probe_git():135] Probing git
22
+ 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)
23
+ cmdline: git rev-parse --show-toplevel
24
+ stderr: 'fatal: detected dubious ownership in repository at '/data/cronscript/lm-evaluation-harness'
25
+ To add an exception for this directory, call:
26
+
27
+ git config --global --add safe.directory /data/cronscript/lm-evaluation-harness'
28
+ 2024-05-14 10:31:17,491 DEBUG HandlerThread:10007 [system_info.py:_probe_git():143] Probing git done
29
+ 2024-05-14 10:31:17,491 DEBUG HandlerThread:10007 [system_info.py:probe():198] Probing system done
30
+ 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}}
31
+ 2024-05-14 10:31:17,491 INFO HandlerThread:10007 [system_monitor.py:probe():224] Finished collecting system info
32
+ 2024-05-14 10:31:17,491 INFO HandlerThread:10007 [system_monitor.py:probe():227] Publishing system info
33
+ 2024-05-14 10:31:17,493 INFO HandlerThread:10007 [system_monitor.py:probe():229] Finished publishing system info
34
+ 2024-05-14 10:31:17,496 DEBUG SenderThread:10007 [sender.py:send():378] send: files
35
+ 2024-05-14 10:31:17,496 INFO SenderThread:10007 [sender.py:_save_file():1389] saving file wandb-metadata.json with policy now
36
+ 2024-05-14 10:31:17,594 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: python_packages
37
+ 2024-05-14 10:31:17,595 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: stop_status
38
+ 2024-05-14 10:31:17,595 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: python_packages
39
+ 2024-05-14 10:31:17,596 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: stop_status
40
+ 2024-05-14 10:31:17,788 DEBUG SenderThread:10007 [sender.py:send():378] send: telemetry
41
+ 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
42
+ 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
43
+ 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
44
+ 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
45
+ 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
46
+ 2024-05-14 10:31:23,004 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: status_report
47
+ 2024-05-14 10:31:23,074 DEBUG SenderThread:10007 [sender.py:send():378] send: exit
48
+ 2024-05-14 10:31:23,074 INFO SenderThread:10007 [sender.py:send_exit():585] handling exit code: 1
49
+ 2024-05-14 10:31:23,074 INFO SenderThread:10007 [sender.py:send_exit():587] handling runtime: 5
50
+ 2024-05-14 10:31:23,075 INFO SenderThread:10007 [sender.py:_save_file():1389] saving file wandb-summary.json with policy end
51
+ 2024-05-14 10:31:23,075 INFO SenderThread:10007 [sender.py:send_exit():593] send defer
52
+ 2024-05-14 10:31:23,075 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: defer
53
+ 2024-05-14 10:31:23,075 INFO HandlerThread:10007 [handler.py:handle_request_defer():184] handle defer: 0
54
+ 2024-05-14 10:31:23,075 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: defer
55
+ 2024-05-14 10:31:23,075 INFO SenderThread:10007 [sender.py:send_request_defer():609] handle sender defer: 0
56
+ 2024-05-14 10:31:23,076 INFO SenderThread:10007 [sender.py:transition_state():613] send defer: 1
57
+ 2024-05-14 10:31:23,076 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: defer
58
+ 2024-05-14 10:31:23,076 INFO HandlerThread:10007 [handler.py:handle_request_defer():184] handle defer: 1
59
+ 2024-05-14 10:31:23,076 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: defer
60
+ 2024-05-14 10:31:23,076 INFO SenderThread:10007 [sender.py:send_request_defer():609] handle sender defer: 1
61
+ 2024-05-14 10:31:23,076 INFO SenderThread:10007 [sender.py:transition_state():613] send defer: 2
62
+ 2024-05-14 10:31:23,076 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: defer
63
+ 2024-05-14 10:31:23,076 INFO HandlerThread:10007 [handler.py:handle_request_defer():184] handle defer: 2
64
+ 2024-05-14 10:31:23,076 INFO HandlerThread:10007 [system_monitor.py:finish():203] Stopping system monitor
65
+ 2024-05-14 10:31:23,076 DEBUG SystemMonitor:10007 [system_monitor.py:_start():172] Starting system metrics aggregation loop
66
+ 2024-05-14 10:31:23,076 DEBUG SystemMonitor:10007 [system_monitor.py:_start():179] Finished system metrics aggregation loop
67
+ 2024-05-14 10:31:23,076 DEBUG SystemMonitor:10007 [system_monitor.py:_start():183] Publishing last batch of metrics
68
+ 2024-05-14 10:31:23,077 INFO HandlerThread:10007 [interfaces.py:finish():200] Joined cpu monitor
69
+ 2024-05-14 10:31:23,077 INFO HandlerThread:10007 [interfaces.py:finish():200] Joined disk monitor
70
+ 2024-05-14 10:31:23,077 INFO HandlerThread:10007 [interfaces.py:finish():200] Joined memory monitor
71
+ 2024-05-14 10:31:23,077 INFO HandlerThread:10007 [interfaces.py:finish():200] Joined network monitor
72
+ 2024-05-14 10:31:23,077 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: defer
73
+ 2024-05-14 10:31:23,077 INFO SenderThread:10007 [sender.py:send_request_defer():609] handle sender defer: 2
74
+ 2024-05-14 10:31:23,078 INFO SenderThread:10007 [sender.py:transition_state():613] send defer: 3
75
+ 2024-05-14 10:31:23,078 DEBUG SenderThread:10007 [sender.py:send():378] send: stats
76
+ 2024-05-14 10:31:23,078 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: defer
77
+ 2024-05-14 10:31:23,078 INFO HandlerThread:10007 [handler.py:handle_request_defer():184] handle defer: 3
78
+ 2024-05-14 10:31:23,078 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: defer
79
+ 2024-05-14 10:31:23,078 INFO SenderThread:10007 [sender.py:send_request_defer():609] handle sender defer: 3
80
+ 2024-05-14 10:31:23,078 INFO SenderThread:10007 [sender.py:transition_state():613] send defer: 4
81
+ 2024-05-14 10:31:23,078 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: defer
82
+ 2024-05-14 10:31:23,078 INFO HandlerThread:10007 [handler.py:handle_request_defer():184] handle defer: 4
83
+ 2024-05-14 10:31:23,078 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: defer
84
+ 2024-05-14 10:31:23,078 INFO SenderThread:10007 [sender.py:send_request_defer():609] handle sender defer: 4
85
+ 2024-05-14 10:31:23,078 INFO SenderThread:10007 [sender.py:transition_state():613] send defer: 5
86
+ 2024-05-14 10:31:23,078 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: defer
87
+ 2024-05-14 10:31:23,078 INFO HandlerThread:10007 [handler.py:handle_request_defer():184] handle defer: 5
88
+ 2024-05-14 10:31:23,078 DEBUG SenderThread:10007 [sender.py:send():378] send: summary
89
+ 2024-05-14 10:31:23,080 INFO SenderThread:10007 [sender.py:_save_file():1389] saving file wandb-summary.json with policy end
90
+ 2024-05-14 10:31:23,080 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: defer
91
+ 2024-05-14 10:31:23,080 INFO SenderThread:10007 [sender.py:send_request_defer():609] handle sender defer: 5
92
+ 2024-05-14 10:31:23,080 INFO SenderThread:10007 [sender.py:transition_state():613] send defer: 6
93
+ 2024-05-14 10:31:23,080 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: defer
94
+ 2024-05-14 10:31:23,080 INFO HandlerThread:10007 [handler.py:handle_request_defer():184] handle defer: 6
95
+ 2024-05-14 10:31:23,080 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: defer
96
+ 2024-05-14 10:31:23,081 INFO SenderThread:10007 [sender.py:send_request_defer():609] handle sender defer: 6
97
+ 2024-05-14 10:31:23,083 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: status_report
98
+ 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
99
+ 2024-05-14 10:31:23,424 INFO SenderThread:10007 [sender.py:transition_state():613] send defer: 7
100
+ 2024-05-14 10:31:23,424 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: defer
101
+ 2024-05-14 10:31:23,424 INFO HandlerThread:10007 [handler.py:handle_request_defer():184] handle defer: 7
102
+ 2024-05-14 10:31:23,424 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: defer
103
+ 2024-05-14 10:31:23,424 INFO SenderThread:10007 [sender.py:send_request_defer():609] handle sender defer: 7
104
+ 2024-05-14 10:31:23,810 INFO SenderThread:10007 [sender.py:transition_state():613] send defer: 8
105
+ 2024-05-14 10:31:23,810 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: defer
106
+ 2024-05-14 10:31:23,810 INFO HandlerThread:10007 [handler.py:handle_request_defer():184] handle defer: 8
107
+ 2024-05-14 10:31:23,810 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: defer
108
+ 2024-05-14 10:31:23,810 INFO SenderThread:10007 [sender.py:send_request_defer():609] handle sender defer: 8
109
+ 2024-05-14 10:31:23,810 INFO SenderThread:10007 [job_builder.py:build():432] Attempting to build job artifact
110
+ 2024-05-14 10:31:23,811 INFO SenderThread:10007 [job_builder.py:_get_source_type():576] no source found
111
+ 2024-05-14 10:31:23,811 INFO SenderThread:10007 [sender.py:transition_state():613] send defer: 9
112
+ 2024-05-14 10:31:23,811 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: defer
113
+ 2024-05-14 10:31:23,811 INFO HandlerThread:10007 [handler.py:handle_request_defer():184] handle defer: 9
114
+ 2024-05-14 10:31:23,811 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: defer
115
+ 2024-05-14 10:31:23,811 INFO SenderThread:10007 [sender.py:send_request_defer():609] handle sender defer: 9
116
+ 2024-05-14 10:31:23,811 INFO SenderThread:10007 [dir_watcher.py:finish():358] shutting down directory watcher
117
+ 2024-05-14 10:31:24,074 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: poll_exit
118
+ 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
119
+ 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
120
+ 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
121
+ 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
122
+ 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
123
+ 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
124
+ 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
125
+ 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
126
+ 2024-05-14 10:31:24,302 INFO SenderThread:10007 [sender.py:transition_state():613] send defer: 10
127
+ 2024-05-14 10:31:24,303 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: poll_exit
128
+ 2024-05-14 10:31:24,305 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: defer
129
+ 2024-05-14 10:31:24,305 INFO HandlerThread:10007 [handler.py:handle_request_defer():184] handle defer: 10
130
+ 2024-05-14 10:31:24,305 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: defer
131
+ 2024-05-14 10:31:24,305 INFO SenderThread:10007 [sender.py:send_request_defer():609] handle sender defer: 10
132
+ 2024-05-14 10:31:24,305 INFO SenderThread:10007 [file_pusher.py:finish():169] shutting down file pusher
133
+ 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
134
+ 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
135
+ 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
136
+ 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
137
+ 2024-05-14 10:31:25,014 INFO Thread-11 (_thread_body):10007 [sender.py:transition_state():613] send defer: 11
138
+ 2024-05-14 10:31:25,014 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: defer
139
+ 2024-05-14 10:31:25,015 INFO HandlerThread:10007 [handler.py:handle_request_defer():184] handle defer: 11
140
+ 2024-05-14 10:31:25,015 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: defer
141
+ 2024-05-14 10:31:25,015 INFO SenderThread:10007 [sender.py:send_request_defer():609] handle sender defer: 11
142
+ 2024-05-14 10:31:25,015 INFO SenderThread:10007 [file_pusher.py:join():175] waiting for file pusher
143
+ 2024-05-14 10:31:25,015 INFO SenderThread:10007 [sender.py:transition_state():613] send defer: 12
144
+ 2024-05-14 10:31:25,015 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: defer
145
+ 2024-05-14 10:31:25,015 INFO HandlerThread:10007 [handler.py:handle_request_defer():184] handle defer: 12
146
+ 2024-05-14 10:31:25,015 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: defer
147
+ 2024-05-14 10:31:25,015 INFO SenderThread:10007 [sender.py:send_request_defer():609] handle sender defer: 12
148
+ 2024-05-14 10:31:25,015 INFO SenderThread:10007 [file_stream.py:finish():601] file stream finish called
149
+ 2024-05-14 10:31:25,074 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: poll_exit
150
+ 2024-05-14 10:31:25,548 INFO SenderThread:10007 [file_stream.py:finish():605] file stream finish is done
151
+ 2024-05-14 10:31:25,548 INFO SenderThread:10007 [sender.py:transition_state():613] send defer: 13
152
+ 2024-05-14 10:31:25,548 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: poll_exit
153
+ 2024-05-14 10:31:25,548 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: defer
154
+ 2024-05-14 10:31:25,548 INFO HandlerThread:10007 [handler.py:handle_request_defer():184] handle defer: 13
155
+ 2024-05-14 10:31:25,548 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: defer
156
+ 2024-05-14 10:31:25,548 INFO SenderThread:10007 [sender.py:send_request_defer():609] handle sender defer: 13
157
+ 2024-05-14 10:31:25,549 INFO SenderThread:10007 [sender.py:transition_state():613] send defer: 14
158
+ 2024-05-14 10:31:25,549 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: defer
159
+ 2024-05-14 10:31:25,549 DEBUG SenderThread:10007 [sender.py:send():378] send: final
160
+ 2024-05-14 10:31:25,549 INFO HandlerThread:10007 [handler.py:handle_request_defer():184] handle defer: 14
161
+ 2024-05-14 10:31:25,549 DEBUG SenderThread:10007 [sender.py:send():378] send: footer
162
+ 2024-05-14 10:31:25,549 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: defer
163
+ 2024-05-14 10:31:25,549 INFO SenderThread:10007 [sender.py:send_request_defer():609] handle sender defer: 14
164
+ 2024-05-14 10:31:25,549 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: poll_exit
165
+ 2024-05-14 10:31:25,549 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: poll_exit
166
+ 2024-05-14 10:31:25,550 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: poll_exit
167
+ 2024-05-14 10:31:25,550 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: server_info
168
+ 2024-05-14 10:31:25,550 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: poll_exit
169
+ 2024-05-14 10:31:25,550 DEBUG SenderThread:10007 [sender.py:send_request():405] send_request: server_info
170
+ 2024-05-14 10:31:25,551 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: get_summary
171
+ 2024-05-14 10:31:25,551 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: sampled_history
172
+ 2024-05-14 10:31:25,551 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: internal_messages
173
+ 2024-05-14 10:31:25,603 INFO MainThread:10007 [wandb_run.py:_footer_history_summary_info():3994] rendering history
174
+ 2024-05-14 10:31:25,603 INFO MainThread:10007 [wandb_run.py:_footer_history_summary_info():4026] rendering summary
175
+ 2024-05-14 10:31:25,603 INFO MainThread:10007 [wandb_run.py:_footer_sync_info():3953] logging synced files
176
+ 2024-05-14 10:31:25,603 DEBUG HandlerThread:10007 [handler.py:handle_request():158] handle_request: shutdown
177
+ 2024-05-14 10:31:25,603 INFO HandlerThread:10007 [handler.py:finish():882] shutting down handler
178
+ 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
179
+ 2024-05-14 10:31:26,603 INFO SenderThread:10007 [sender.py:finish():1545] shutting down sender
180
+ 2024-05-14 10:31:26,603 INFO SenderThread:10007 [file_pusher.py:finish():169] shutting down file pusher
181
+ 2024-05-14 10:31:26,603 INFO SenderThread:10007 [file_pusher.py:join():175] waiting for file pusher
lm-evaluation-harness/wandb/run-20240514_103117-ux3vtu8o/logs/debug.log ADDED
@@ -0,0 +1,28 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2024-05-14 10:31:17,032 INFO MainThread:8784 [wandb_setup.py:_flush():76] Current SDK version is 0.17.0
2
+ 2024-05-14 10:31:17,032 INFO MainThread:8784 [wandb_setup.py:_flush():76] Configure stats pid to 8784
3
+ 2024-05-14 10:31:17,032 INFO MainThread:8784 [wandb_setup.py:_flush():76] Loading settings from /root/.config/wandb/settings
4
+ 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
5
+ 2024-05-14 10:31:17,032 INFO MainThread:8784 [wandb_setup.py:_flush():76] Loading settings from environment variables: {}
6
+ 2024-05-14 10:31:17,032 INFO MainThread:8784 [wandb_setup.py:_flush():76] Applying setup settings: {'_disable_service': False}
7
+ 2024-05-14 10:31:17,032 WARNING MainThread:8784 [wandb_setup.py:_flush():76] Could not find program at -m lm_eval.__main__
8
+ 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__'}
9
+ 2024-05-14 10:31:17,032 INFO MainThread:8784 [wandb_setup.py:_flush():76] Applying login settings: {}
10
+ 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
11
+ 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
12
+ 2024-05-14 10:31:17,033 INFO MainThread:8784 [wandb_init.py:init():560] calling init triggers
13
+ 2024-05-14 10:31:17,033 INFO MainThread:8784 [wandb_init.py:init():567] wandb.init called with sweep_config: {}
14
+ config: {}
15
+ 2024-05-14 10:31:17,033 INFO MainThread:8784 [wandb_init.py:init():610] starting backend
16
+ 2024-05-14 10:31:17,033 INFO MainThread:8784 [wandb_init.py:init():614] setting up manager
17
+ 2024-05-14 10:31:17,034 INFO MainThread:8784 [backend.py:_multiprocessing_setup():105] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
18
+ 2024-05-14 10:31:17,035 INFO MainThread:8784 [wandb_init.py:init():622] backend started and connected
19
+ 2024-05-14 10:31:17,040 INFO MainThread:8784 [wandb_init.py:init():711] updated telemetry
20
+ 2024-05-14 10:31:17,051 INFO MainThread:8784 [wandb_init.py:init():744] communicating run to backend with 90.0 second timeout
21
+ 2024-05-14 10:31:17,292 INFO MainThread:8784 [wandb_run.py:_on_init():2396] communicating current version
22
+ 2024-05-14 10:31:17,371 INFO MainThread:8784 [wandb_run.py:_on_init():2405] got version response
23
+ 2024-05-14 10:31:17,371 INFO MainThread:8784 [wandb_init.py:init():795] starting run threads in backend
24
+ 2024-05-14 10:31:17,595 INFO MainThread:8784 [wandb_run.py:_console_start():2374] atexit reg
25
+ 2024-05-14 10:31:17,595 INFO MainThread:8784 [wandb_run.py:_redirect():2229] redirect: wrap_raw
26
+ 2024-05-14 10:31:17,595 INFO MainThread:8784 [wandb_run.py:_redirect():2294] Wrapping output streams.
27
+ 2024-05-14 10:31:17,595 INFO MainThread:8784 [wandb_run.py:_redirect():2319] Redirects installed.
28
+ 2024-05-14 10:31:17,597 INFO MainThread:8784 [wandb_init.py:init():838] run started, returning control to user process
lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/config.yaml ADDED
@@ -0,0 +1,43 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ wandb_version: 1
2
+
3
+ _wandb:
4
+ desc: null
5
+ value:
6
+ python_version: 3.10.12
7
+ cli_version: 0.17.0
8
+ framework: huggingface
9
+ huggingface_version: 4.40.2
10
+ is_jupyter_run: false
11
+ is_kaggle_kernel: false
12
+ start_time: 1715686900
13
+ t:
14
+ 1:
15
+ - 1
16
+ - 5
17
+ - 11
18
+ - 49
19
+ - 51
20
+ - 53
21
+ - 55
22
+ - 71
23
+ - 98
24
+ - 100
25
+ 2:
26
+ - 1
27
+ - 5
28
+ - 11
29
+ - 49
30
+ - 51
31
+ - 53
32
+ - 55
33
+ - 71
34
+ - 98
35
+ - 100
36
+ 3:
37
+ - 23
38
+ 4: 3.10.12
39
+ 5: 0.17.0
40
+ 6: 4.40.2
41
+ 8:
42
+ - 5
43
+ 13: linux-x86_64
lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/output.log ADDED
@@ -0,0 +1,28 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+
2
+ 2024-05-14:11:41:40,940 INFO [__main__.py:251] Verbosity set to INFO
3
+ 2024-05-14:11:41:46,726 INFO [__main__.py:335] Selected Tasks: ['indiccopa-hi']
4
+ 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
5
+ 2024-05-14:11:41:46,728 INFO [evaluator.py:177] Initializing hf model, with arguments: {'pretrained': '/data/cronscript/ckpts//hf_ckpt//global_step100'}
6
+ /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.)
7
+ return func(*args, **kwargs)
8
+ /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.
9
+ warnings.warn(
10
+ /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.
11
+ warnings.warn(
12
+ You are using the default legacy behaviour of the <class 'transformers.models.llama.tokenization_llama.LlamaTokenizer'>. 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
13
+ [2024-05-14 11:41:58,454] [INFO] [real_accelerator.py:178:get_accelerator] Setting ds_accelerator to hpu (auto detect)
14
+ 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
15
+ 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
16
+ /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
17
+ You can avoid this message in future by passing the argument `trust_remote_code=True`.
18
+ Passing `trust_remote_code=True` will be mandatory to load this dataset from the next major release of `datasets`.
19
+ warnings.warn(
20
+ 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.
21
+ 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.
22
+ 2024-05-14:11:42:00,064 INFO [task.py:395] Building contexts for indiccopa-hi on rank 1...
23
+ 100%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 56/56 [00:00<00:00, 108892.45it/s]
24
+ Passed argument batch_size = auto:1. Detecting largest batch size
25
+ 2024-05-14:11:42:01,858 INFO [evaluator.py:379] Running loglikelihood requests
26
+ /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.
27
+ warnings.warn(
28
+ Determined largest batch size: 64
lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/requirements.txt ADDED
@@ -0,0 +1,163 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ DataProperty==1.0.1
2
+ GitPython==3.1.43
3
+ Jinja2==3.1.3
4
+ Markdown==3.6
5
+ MarkupSafe==2.1.5
6
+ Pillow-SIMD==7.0.0.post3
7
+ PyYAML==6.0
8
+ Werkzeug==3.0.2
9
+ absl-py==2.1.0
10
+ accelerate==0.30.1
11
+ aiohttp==3.9.4
12
+ aiosignal==1.3.1
13
+ antlr4-python3-runtime==4.9.3
14
+ anyio==4.3.0
15
+ async-timeout==4.0.3
16
+ attrs==23.2.0
17
+ av==9.2.0
18
+ cachetools==5.3.3
19
+ certifi==2024.2.2
20
+ cffi==1.15.1
21
+ cfgv==3.4.0
22
+ chardet==5.2.0
23
+ charset-normalizer==3.3.2
24
+ click==8.1.7
25
+ cmake==3.29.2
26
+ colorama==0.4.6
27
+ datasets==2.19.1
28
+ deepspeed==0.12.4+hpu.synapse.v1.15.1
29
+ dill==0.3.8
30
+ distlib==0.3.8
31
+ distro==1.9.0
32
+ docker-pycreds==0.4.0
33
+ einops==0.8.0
34
+ evaluate==0.4.2
35
+ exceptiongroup==1.2.0
36
+ expecttest==0.2.1
37
+ filelock==3.13.4
38
+ frozenlist==1.4.1
39
+ fsspec==2024.3.1
40
+ gitdb==4.0.11
41
+ google-auth-oauthlib==0.4.6
42
+ google-auth==2.29.0
43
+ grpcio==1.62.1
44
+ h11==0.14.0
45
+ habana-media-loader==1.15.1.15
46
+ habana-pyhlml==1.15.1.15
47
+ habana-torch-dataloader==1.15.1.15
48
+ habana-torch-plugin==1.15.1.15
49
+ habana_gpu_migration==1.15.1.15
50
+ habana_quantization_toolkit==1.15.1.15
51
+ hjson==3.1.0
52
+ httpcore==1.0.5
53
+ httpx==0.27.0
54
+ huggingface-hub==0.23.0
55
+ identify==2.5.35
56
+ idna==3.7
57
+ importlib_resources==6.4.0
58
+ iniconfig==2.0.0
59
+ joblib==1.4.2
60
+ jsonlines==4.0.0
61
+ lightning-habana==1.4.0
62
+ lightning-utilities==0.11.2
63
+ lightning==2.2.0.post0
64
+ lm_eval==0.3.0
65
+ lm_eval==0.4.2
66
+ lm_eval==0.4.2
67
+ lm_eval==0.4.2
68
+ mbstrdecoder==1.1.3
69
+ more-itertools==10.2.0
70
+ mpi4py==3.1.4
71
+ mpmath==1.3.0
72
+ multidict==6.0.5
73
+ multiprocess==0.70.16
74
+ networkx==3.3
75
+ ninja==1.11.1.1
76
+ nltk==3.8.1
77
+ nodeenv==1.8.0
78
+ numexpr==2.10.0
79
+ numpy==1.23.5
80
+ oauthlib==3.2.2
81
+ omegaconf==2.3.0
82
+ openai==1.29.0
83
+ packaging==24.0
84
+ pandas==2.0.1
85
+ pathspec==0.12.1
86
+ pathvalidate==3.2.0
87
+ peft==0.10.0
88
+ perfetto==0.7.0
89
+ pip==22.0.2
90
+ pip==23.3.1
91
+ platformdirs==4.2.0
92
+ pluggy==1.4.0
93
+ portalocker==2.8.2
94
+ pre-commit==3.3.3
95
+ protobuf==3.20.3
96
+ psutil==5.9.8
97
+ py-cpuinfo==9.0.0
98
+ pyarrow-hotfix==0.6
99
+ pyarrow==16.0.0
100
+ pyasn1==0.6.0
101
+ pyasn1_modules==0.4.0
102
+ pybind11==2.10.4
103
+ pycountry==23.12.11
104
+ pycparser==2.22
105
+ pydantic==1.10.13
106
+ pynvml==8.0.4
107
+ pytablewriter==1.2.0
108
+ pytest==8.1.1
109
+ python-dateutil==2.9.0.post0
110
+ pytorch-lightning==2.2.2
111
+ pytz==2024.1
112
+ regex==2023.5.5
113
+ requests-oauthlib==2.0.0
114
+ requests==2.31.0
115
+ rouge_score==0.1.2
116
+ rsa==4.9
117
+ sacrebleu==1.5.0
118
+ safetensors==0.4.3
119
+ scikit-learn==1.4.2
120
+ scipy==1.13.0
121
+ sentencepiece==0.2.0
122
+ sentry-sdk==2.1.1
123
+ setproctitle==1.3.3
124
+ setuptools==59.6.0
125
+ setuptools==69.5.1
126
+ six==1.16.0
127
+ smmap==5.0.1
128
+ sniffio==1.3.1
129
+ sqlitedict==2.1.0
130
+ symengine==0.11.0
131
+ sympy==1.12
132
+ tabledata==1.3.3
133
+ tcolorpy==0.1.6
134
+ tdqm==0.0.1
135
+ tensorboard-data-server==0.6.1
136
+ tensorboard-plugin-wit==1.8.1
137
+ tensorboard==2.11.2
138
+ threadpoolctl==3.5.0
139
+ tokenizers==0.19.1
140
+ tomli==2.0.1
141
+ torch==2.2.0a0+git8964477
142
+ torch_tb_profiler==0.4.0
143
+ torchaudio==2.2.0+08901ad
144
+ torchdata==0.7.1+5e6f7b7
145
+ torchmetrics==1.3.2
146
+ torchtext==0.17.0+400da5c
147
+ torchvision==0.17.0+b2383d4
148
+ tqdm-multiprocess==0.0.11
149
+ tqdm==4.66.2
150
+ transformers==4.40.2
151
+ typepy==1.3.2
152
+ typing_extensions==4.11.0
153
+ tzdata==2024.1
154
+ urllib3==1.26.18
155
+ virtualenv==20.25.1
156
+ wandb==0.17.0
157
+ wheel==0.37.1
158
+ wheel==0.43.0
159
+ word2number==1.1
160
+ xxhash==3.4.1
161
+ yamllint==1.35.1
162
+ yarl==1.9.4
163
+ zstandard==0.22.0
lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/wandb-metadata.json ADDED
@@ -0,0 +1,810 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "os": "Linux-5.15.0-92-generic-x86_64-with-glibc2.35",
3
+ "python": "3.10.12",
4
+ "heartbeatAt": "2024-05-14T11:41:40.794361",
5
+ "startedAt": "2024-05-14T11:41:40.326948",
6
+ "docker": null,
7
+ "cuda": null,
8
+ "args": [
9
+ "--model",
10
+ "hf",
11
+ "--model_args",
12
+ "pretrained=/data/cronscript/ckpts//hf_ckpt//global_step100",
13
+ "--tasks",
14
+ "indiccopa-hi",
15
+ "--batch_size",
16
+ "auto",
17
+ "--wandb_args",
18
+ "project=bharatgpt,group=global_step100"
19
+ ],
20
+ "state": "running",
21
+ "program": "-m lm_eval.__main__",
22
+ "codePathLocal": null,
23
+ "git": {
24
+ "remote": "https://github.com/EleutherAI/lm-evaluation-harness",
25
+ "commit": null
26
+ },
27
+ "email": null,
28
+ "root": "/data/cronscript/lm-evaluation-harness",
29
+ "host": "vizzhy-150-3",
30
+ "username": "root",
31
+ "executable": "/usr/bin/python3",
32
+ "cpu_count": 76,
33
+ "cpu_count_logical": 152,
34
+ "cpu_freq": {
35
+ "current": 3388.940138157895,
36
+ "min": 800.0,
37
+ "max": 3400.0
38
+ },
39
+ "cpu_freq_per_core": [
40
+ {
41
+ "current": 3278.25,
42
+ "min": 800.0,
43
+ "max": 3400.0
44
+ },
45
+ {
46
+ "current": 3278.268,
47
+ "min": 800.0,
48
+ "max": 3400.0
49
+ },
50
+ {
51
+ "current": 2406.421,
52
+ "min": 800.0,
53
+ "max": 3400.0
54
+ },
55
+ {
56
+ "current": 3212.324,
57
+ "min": 800.0,
58
+ "max": 3400.0
59
+ },
60
+ {
61
+ "current": 3278.329,
62
+ "min": 800.0,
63
+ "max": 3400.0
64
+ },
65
+ {
66
+ "current": 3400.0,
67
+ "min": 800.0,
68
+ "max": 3400.0
69
+ },
70
+ {
71
+ "current": 3400.0,
72
+ "min": 800.0,
73
+ "max": 3400.0
74
+ },
75
+ {
76
+ "current": 3400.0,
77
+ "min": 800.0,
78
+ "max": 3400.0
79
+ },
80
+ {
81
+ "current": 3400.0,
82
+ "min": 800.0,
83
+ "max": 3400.0
84
+ },
85
+ {
86
+ "current": 3400.0,
87
+ "min": 800.0,
88
+ "max": 3400.0
89
+ },
90
+ {
91
+ "current": 3400.0,
92
+ "min": 800.0,
93
+ "max": 3400.0
94
+ },
95
+ {
96
+ "current": 3400.0,
97
+ "min": 800.0,
98
+ "max": 3400.0
99
+ },
100
+ {
101
+ "current": 3400.0,
102
+ "min": 800.0,
103
+ "max": 3400.0
104
+ },
105
+ {
106
+ "current": 3400.0,
107
+ "min": 800.0,
108
+ "max": 3400.0
109
+ },
110
+ {
111
+ "current": 3400.0,
112
+ "min": 800.0,
113
+ "max": 3400.0
114
+ },
115
+ {
116
+ "current": 3400.0,
117
+ "min": 800.0,
118
+ "max": 3400.0
119
+ },
120
+ {
121
+ "current": 3400.0,
122
+ "min": 800.0,
123
+ "max": 3400.0
124
+ },
125
+ {
126
+ "current": 3400.0,
127
+ "min": 800.0,
128
+ "max": 3400.0
129
+ },
130
+ {
131
+ "current": 3400.0,
132
+ "min": 800.0,
133
+ "max": 3400.0
134
+ },
135
+ {
136
+ "current": 3400.0,
137
+ "min": 800.0,
138
+ "max": 3400.0
139
+ },
140
+ {
141
+ "current": 3400.0,
142
+ "min": 800.0,
143
+ "max": 3400.0
144
+ },
145
+ {
146
+ "current": 3400.0,
147
+ "min": 800.0,
148
+ "max": 3400.0
149
+ },
150
+ {
151
+ "current": 3400.0,
152
+ "min": 800.0,
153
+ "max": 3400.0
154
+ },
155
+ {
156
+ "current": 3400.0,
157
+ "min": 800.0,
158
+ "max": 3400.0
159
+ },
160
+ {
161
+ "current": 3400.0,
162
+ "min": 800.0,
163
+ "max": 3400.0
164
+ },
165
+ {
166
+ "current": 3400.0,
167
+ "min": 800.0,
168
+ "max": 3400.0
169
+ },
170
+ {
171
+ "current": 3400.0,
172
+ "min": 800.0,
173
+ "max": 3400.0
174
+ },
175
+ {
176
+ "current": 3255.574,
177
+ "min": 800.0,
178
+ "max": 3400.0
179
+ },
180
+ {
181
+ "current": 3289.283,
182
+ "min": 800.0,
183
+ "max": 3400.0
184
+ },
185
+ {
186
+ "current": 3400.0,
187
+ "min": 800.0,
188
+ "max": 3400.0
189
+ },
190
+ {
191
+ "current": 3400.0,
192
+ "min": 800.0,
193
+ "max": 3400.0
194
+ },
195
+ {
196
+ "current": 3400.0,
197
+ "min": 800.0,
198
+ "max": 3400.0
199
+ },
200
+ {
201
+ "current": 3277.405,
202
+ "min": 800.0,
203
+ "max": 3400.0
204
+ },
205
+ {
206
+ "current": 3400.0,
207
+ "min": 800.0,
208
+ "max": 3400.0
209
+ },
210
+ {
211
+ "current": 3400.0,
212
+ "min": 800.0,
213
+ "max": 3400.0
214
+ },
215
+ {
216
+ "current": 3400.0,
217
+ "min": 800.0,
218
+ "max": 3400.0
219
+ },
220
+ {
221
+ "current": 3400.0,
222
+ "min": 800.0,
223
+ "max": 3400.0
224
+ },
225
+ {
226
+ "current": 3400.0,
227
+ "min": 800.0,
228
+ "max": 3400.0
229
+ },
230
+ {
231
+ "current": 3300.0,
232
+ "min": 800.0,
233
+ "max": 3400.0
234
+ },
235
+ {
236
+ "current": 3300.0,
237
+ "min": 800.0,
238
+ "max": 3400.0
239
+ },
240
+ {
241
+ "current": 3400.0,
242
+ "min": 800.0,
243
+ "max": 3400.0
244
+ },
245
+ {
246
+ "current": 3400.0,
247
+ "min": 800.0,
248
+ "max": 3400.0
249
+ },
250
+ {
251
+ "current": 3400.0,
252
+ "min": 800.0,
253
+ "max": 3400.0
254
+ },
255
+ {
256
+ "current": 3400.0,
257
+ "min": 800.0,
258
+ "max": 3400.0
259
+ },
260
+ {
261
+ "current": 3400.0,
262
+ "min": 800.0,
263
+ "max": 3400.0
264
+ },
265
+ {
266
+ "current": 3400.0,
267
+ "min": 800.0,
268
+ "max": 3400.0
269
+ },
270
+ {
271
+ "current": 3400.0,
272
+ "min": 800.0,
273
+ "max": 3400.0
274
+ },
275
+ {
276
+ "current": 3400.0,
277
+ "min": 800.0,
278
+ "max": 3400.0
279
+ },
280
+ {
281
+ "current": 3400.0,
282
+ "min": 800.0,
283
+ "max": 3400.0
284
+ },
285
+ {
286
+ "current": 3400.0,
287
+ "min": 800.0,
288
+ "max": 3400.0
289
+ },
290
+ {
291
+ "current": 3400.0,
292
+ "min": 800.0,
293
+ "max": 3400.0
294
+ },
295
+ {
296
+ "current": 3400.0,
297
+ "min": 800.0,
298
+ "max": 3400.0
299
+ },
300
+ {
301
+ "current": 3400.0,
302
+ "min": 800.0,
303
+ "max": 3400.0
304
+ },
305
+ {
306
+ "current": 3400.0,
307
+ "min": 800.0,
308
+ "max": 3400.0
309
+ },
310
+ {
311
+ "current": 3400.0,
312
+ "min": 800.0,
313
+ "max": 3400.0
314
+ },
315
+ {
316
+ "current": 3400.0,
317
+ "min": 800.0,
318
+ "max": 3400.0
319
+ },
320
+ {
321
+ "current": 3400.0,
322
+ "min": 800.0,
323
+ "max": 3400.0
324
+ },
325
+ {
326
+ "current": 3400.0,
327
+ "min": 800.0,
328
+ "max": 3400.0
329
+ },
330
+ {
331
+ "current": 3400.0,
332
+ "min": 800.0,
333
+ "max": 3400.0
334
+ },
335
+ {
336
+ "current": 3400.0,
337
+ "min": 800.0,
338
+ "max": 3400.0
339
+ },
340
+ {
341
+ "current": 3400.0,
342
+ "min": 800.0,
343
+ "max": 3400.0
344
+ },
345
+ {
346
+ "current": 3400.0,
347
+ "min": 800.0,
348
+ "max": 3400.0
349
+ },
350
+ {
351
+ "current": 3400.0,
352
+ "min": 800.0,
353
+ "max": 3400.0
354
+ },
355
+ {
356
+ "current": 3400.0,
357
+ "min": 800.0,
358
+ "max": 3400.0
359
+ },
360
+ {
361
+ "current": 3400.0,
362
+ "min": 800.0,
363
+ "max": 3400.0
364
+ },
365
+ {
366
+ "current": 3400.0,
367
+ "min": 800.0,
368
+ "max": 3400.0
369
+ },
370
+ {
371
+ "current": 3400.0,
372
+ "min": 800.0,
373
+ "max": 3400.0
374
+ },
375
+ {
376
+ "current": 3400.0,
377
+ "min": 800.0,
378
+ "max": 3400.0
379
+ },
380
+ {
381
+ "current": 3400.0,
382
+ "min": 800.0,
383
+ "max": 3400.0
384
+ },
385
+ {
386
+ "current": 3400.0,
387
+ "min": 800.0,
388
+ "max": 3400.0
389
+ },
390
+ {
391
+ "current": 3400.0,
392
+ "min": 800.0,
393
+ "max": 3400.0
394
+ },
395
+ {
396
+ "current": 3400.0,
397
+ "min": 800.0,
398
+ "max": 3400.0
399
+ },
400
+ {
401
+ "current": 3400.0,
402
+ "min": 800.0,
403
+ "max": 3400.0
404
+ },
405
+ {
406
+ "current": 3400.0,
407
+ "min": 800.0,
408
+ "max": 3400.0
409
+ },
410
+ {
411
+ "current": 3400.0,
412
+ "min": 800.0,
413
+ "max": 3400.0
414
+ },
415
+ {
416
+ "current": 3300.0,
417
+ "min": 800.0,
418
+ "max": 3400.0
419
+ },
420
+ {
421
+ "current": 3400.0,
422
+ "min": 800.0,
423
+ "max": 3400.0
424
+ },
425
+ {
426
+ "current": 3400.0,
427
+ "min": 800.0,
428
+ "max": 3400.0
429
+ },
430
+ {
431
+ "current": 3400.0,
432
+ "min": 800.0,
433
+ "max": 3400.0
434
+ },
435
+ {
436
+ "current": 3400.0,
437
+ "min": 800.0,
438
+ "max": 3400.0
439
+ },
440
+ {
441
+ "current": 3400.0,
442
+ "min": 800.0,
443
+ "max": 3400.0
444
+ },
445
+ {
446
+ "current": 3400.0,
447
+ "min": 800.0,
448
+ "max": 3400.0
449
+ },
450
+ {
451
+ "current": 3400.0,
452
+ "min": 800.0,
453
+ "max": 3400.0
454
+ },
455
+ {
456
+ "current": 3400.0,
457
+ "min": 800.0,
458
+ "max": 3400.0
459
+ },
460
+ {
461
+ "current": 3400.0,
462
+ "min": 800.0,
463
+ "max": 3400.0
464
+ },
465
+ {
466
+ "current": 3400.0,
467
+ "min": 800.0,
468
+ "max": 3400.0
469
+ },
470
+ {
471
+ "current": 3400.0,
472
+ "min": 800.0,
473
+ "max": 3400.0
474
+ },
475
+ {
476
+ "current": 3400.0,
477
+ "min": 800.0,
478
+ "max": 3400.0
479
+ },
480
+ {
481
+ "current": 3400.0,
482
+ "min": 800.0,
483
+ "max": 3400.0
484
+ },
485
+ {
486
+ "current": 3400.0,
487
+ "min": 800.0,
488
+ "max": 3400.0
489
+ },
490
+ {
491
+ "current": 3400.0,
492
+ "min": 800.0,
493
+ "max": 3400.0
494
+ },
495
+ {
496
+ "current": 3400.0,
497
+ "min": 800.0,
498
+ "max": 3400.0
499
+ },
500
+ {
501
+ "current": 3400.0,
502
+ "min": 800.0,
503
+ "max": 3400.0
504
+ },
505
+ {
506
+ "current": 3400.0,
507
+ "min": 800.0,
508
+ "max": 3400.0
509
+ },
510
+ {
511
+ "current": 3400.0,
512
+ "min": 800.0,
513
+ "max": 3400.0
514
+ },
515
+ {
516
+ "current": 3400.0,
517
+ "min": 800.0,
518
+ "max": 3400.0
519
+ },
520
+ {
521
+ "current": 3258.617,
522
+ "min": 800.0,
523
+ "max": 3400.0
524
+ },
525
+ {
526
+ "current": 3400.0,
527
+ "min": 800.0,
528
+ "max": 3400.0
529
+ },
530
+ {
531
+ "current": 3400.0,
532
+ "min": 800.0,
533
+ "max": 3400.0
534
+ },
535
+ {
536
+ "current": 3400.0,
537
+ "min": 800.0,
538
+ "max": 3400.0
539
+ },
540
+ {
541
+ "current": 3400.0,
542
+ "min": 800.0,
543
+ "max": 3400.0
544
+ },
545
+ {
546
+ "current": 3400.0,
547
+ "min": 800.0,
548
+ "max": 3400.0
549
+ },
550
+ {
551
+ "current": 3400.0,
552
+ "min": 800.0,
553
+ "max": 3400.0
554
+ },
555
+ {
556
+ "current": 3400.0,
557
+ "min": 800.0,
558
+ "max": 3400.0
559
+ },
560
+ {
561
+ "current": 3400.0,
562
+ "min": 800.0,
563
+ "max": 3400.0
564
+ },
565
+ {
566
+ "current": 3400.0,
567
+ "min": 800.0,
568
+ "max": 3400.0
569
+ },
570
+ {
571
+ "current": 3400.0,
572
+ "min": 800.0,
573
+ "max": 3400.0
574
+ },
575
+ {
576
+ "current": 3400.0,
577
+ "min": 800.0,
578
+ "max": 3400.0
579
+ },
580
+ {
581
+ "current": 3400.0,
582
+ "min": 800.0,
583
+ "max": 3400.0
584
+ },
585
+ {
586
+ "current": 3400.0,
587
+ "min": 800.0,
588
+ "max": 3400.0
589
+ },
590
+ {
591
+ "current": 3232.106,
592
+ "min": 800.0,
593
+ "max": 3400.0
594
+ },
595
+ {
596
+ "current": 3400.0,
597
+ "min": 800.0,
598
+ "max": 3400.0
599
+ },
600
+ {
601
+ "current": 3400.0,
602
+ "min": 800.0,
603
+ "max": 3400.0
604
+ },
605
+ {
606
+ "current": 3400.0,
607
+ "min": 800.0,
608
+ "max": 3400.0
609
+ },
610
+ {
611
+ "current": 3400.0,
612
+ "min": 800.0,
613
+ "max": 3400.0
614
+ },
615
+ {
616
+ "current": 3400.0,
617
+ "min": 800.0,
618
+ "max": 3400.0
619
+ },
620
+ {
621
+ "current": 3400.0,
622
+ "min": 800.0,
623
+ "max": 3400.0
624
+ },
625
+ {
626
+ "current": 3400.0,
627
+ "min": 800.0,
628
+ "max": 3400.0
629
+ },
630
+ {
631
+ "current": 3400.0,
632
+ "min": 800.0,
633
+ "max": 3400.0
634
+ },
635
+ {
636
+ "current": 3400.0,
637
+ "min": 800.0,
638
+ "max": 3400.0
639
+ },
640
+ {
641
+ "current": 3400.0,
642
+ "min": 800.0,
643
+ "max": 3400.0
644
+ },
645
+ {
646
+ "current": 3400.0,
647
+ "min": 800.0,
648
+ "max": 3400.0
649
+ },
650
+ {
651
+ "current": 3400.0,
652
+ "min": 800.0,
653
+ "max": 3400.0
654
+ },
655
+ {
656
+ "current": 3400.0,
657
+ "min": 800.0,
658
+ "max": 3400.0
659
+ },
660
+ {
661
+ "current": 3400.0,
662
+ "min": 800.0,
663
+ "max": 3400.0
664
+ },
665
+ {
666
+ "current": 3400.0,
667
+ "min": 800.0,
668
+ "max": 3400.0
669
+ },
670
+ {
671
+ "current": 3400.0,
672
+ "min": 800.0,
673
+ "max": 3400.0
674
+ },
675
+ {
676
+ "current": 3400.0,
677
+ "min": 800.0,
678
+ "max": 3400.0
679
+ },
680
+ {
681
+ "current": 3400.0,
682
+ "min": 800.0,
683
+ "max": 3400.0
684
+ },
685
+ {
686
+ "current": 3400.0,
687
+ "min": 800.0,
688
+ "max": 3400.0
689
+ },
690
+ {
691
+ "current": 3400.0,
692
+ "min": 800.0,
693
+ "max": 3400.0
694
+ },
695
+ {
696
+ "current": 3400.0,
697
+ "min": 800.0,
698
+ "max": 3400.0
699
+ },
700
+ {
701
+ "current": 3400.0,
702
+ "min": 800.0,
703
+ "max": 3400.0
704
+ },
705
+ {
706
+ "current": 3400.0,
707
+ "min": 800.0,
708
+ "max": 3400.0
709
+ },
710
+ {
711
+ "current": 3400.0,
712
+ "min": 800.0,
713
+ "max": 3400.0
714
+ },
715
+ {
716
+ "current": 3400.0,
717
+ "min": 800.0,
718
+ "max": 3400.0
719
+ },
720
+ {
721
+ "current": 3400.0,
722
+ "min": 800.0,
723
+ "max": 3400.0
724
+ },
725
+ {
726
+ "current": 3400.0,
727
+ "min": 800.0,
728
+ "max": 3400.0
729
+ },
730
+ {
731
+ "current": 3400.0,
732
+ "min": 800.0,
733
+ "max": 3400.0
734
+ },
735
+ {
736
+ "current": 3400.0,
737
+ "min": 800.0,
738
+ "max": 3400.0
739
+ },
740
+ {
741
+ "current": 3400.0,
742
+ "min": 800.0,
743
+ "max": 3400.0
744
+ },
745
+ {
746
+ "current": 3400.0,
747
+ "min": 800.0,
748
+ "max": 3400.0
749
+ },
750
+ {
751
+ "current": 3400.0,
752
+ "min": 800.0,
753
+ "max": 3400.0
754
+ },
755
+ {
756
+ "current": 3400.0,
757
+ "min": 800.0,
758
+ "max": 3400.0
759
+ },
760
+ {
761
+ "current": 3400.0,
762
+ "min": 800.0,
763
+ "max": 3400.0
764
+ },
765
+ {
766
+ "current": 3400.0,
767
+ "min": 800.0,
768
+ "max": 3400.0
769
+ },
770
+ {
771
+ "current": 3400.0,
772
+ "min": 800.0,
773
+ "max": 3400.0
774
+ },
775
+ {
776
+ "current": 3400.0,
777
+ "min": 800.0,
778
+ "max": 3400.0
779
+ },
780
+ {
781
+ "current": 3400.0,
782
+ "min": 800.0,
783
+ "max": 3400.0
784
+ },
785
+ {
786
+ "current": 3400.0,
787
+ "min": 800.0,
788
+ "max": 3400.0
789
+ },
790
+ {
791
+ "current": 3400.0,
792
+ "min": 800.0,
793
+ "max": 3400.0
794
+ },
795
+ {
796
+ "current": 3400.0,
797
+ "min": 800.0,
798
+ "max": 3400.0
799
+ }
800
+ ],
801
+ "disk": {
802
+ "/": {
803
+ "total": 866.4415092468262,
804
+ "used": 77.68973922729492
805
+ }
806
+ },
807
+ "memory": {
808
+ "total": 1007.5000267028809
809
+ }
810
+ }
lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/files/wandb-summary.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"_wandb": {"runtime": 28}}
lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/logs/debug-internal.log ADDED
@@ -0,0 +1,195 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 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
2
+ 2024-05-14 11:41:40,372 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: status
3
+ 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
4
+ 2024-05-14 11:41:40,388 DEBUG SenderThread:72103 [sender.py:send():378] send: header
5
+ 2024-05-14 11:41:40,399 DEBUG SenderThread:72103 [sender.py:send():378] send: run
6
+ 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
7
+ 2024-05-14 11:41:40,618 INFO SenderThread:72103 [sender.py:_start_run_threads():1123] run started: 9mbhv4sb with start time 1715686900.370334
8
+ 2024-05-14 11:41:40,625 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: check_version
9
+ 2024-05-14 11:41:40,626 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: check_version
10
+ 2024-05-14 11:41:40,709 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: run_start
11
+ 2024-05-14 11:41:40,711 DEBUG HandlerThread:72103 [system_info.py:__init__():26] System info init
12
+ 2024-05-14 11:41:40,711 DEBUG HandlerThread:72103 [system_info.py:__init__():41] System info init done
13
+ 2024-05-14 11:41:40,711 INFO HandlerThread:72103 [system_monitor.py:start():194] Starting system monitor
14
+ 2024-05-14 11:41:40,711 INFO SystemMonitor:72103 [system_monitor.py:_start():158] Starting system asset monitoring threads
15
+ 2024-05-14 11:41:40,711 INFO HandlerThread:72103 [system_monitor.py:probe():214] Collecting system info
16
+ 2024-05-14 11:41:40,712 INFO SystemMonitor:72103 [interfaces.py:start():188] Started cpu monitoring
17
+ 2024-05-14 11:41:40,712 INFO SystemMonitor:72103 [interfaces.py:start():188] Started disk monitoring
18
+ 2024-05-14 11:41:40,712 INFO SystemMonitor:72103 [interfaces.py:start():188] Started memory monitoring
19
+ 2024-05-14 11:41:40,713 INFO SystemMonitor:72103 [interfaces.py:start():188] Started network monitoring
20
+ 2024-05-14 11:41:40,794 DEBUG HandlerThread:72103 [system_info.py:probe():150] Probing system
21
+ 2024-05-14 11:41:40,807 DEBUG HandlerThread:72103 [system_info.py:_probe_git():135] Probing git
22
+ 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)
23
+ cmdline: git rev-parse --show-toplevel
24
+ stderr: 'fatal: detected dubious ownership in repository at '/data/cronscript/lm-evaluation-harness'
25
+ To add an exception for this directory, call:
26
+
27
+ git config --global --add safe.directory /data/cronscript/lm-evaluation-harness'
28
+ 2024-05-14 11:41:40,833 DEBUG HandlerThread:72103 [system_info.py:_probe_git():143] Probing git done
29
+ 2024-05-14 11:41:40,833 DEBUG HandlerThread:72103 [system_info.py:probe():198] Probing system done
30
+ 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}}
31
+ 2024-05-14 11:41:40,833 INFO HandlerThread:72103 [system_monitor.py:probe():224] Finished collecting system info
32
+ 2024-05-14 11:41:40,833 INFO HandlerThread:72103 [system_monitor.py:probe():227] Publishing system info
33
+ 2024-05-14 11:41:40,835 INFO HandlerThread:72103 [system_monitor.py:probe():229] Finished publishing system info
34
+ 2024-05-14 11:41:40,838 DEBUG SenderThread:72103 [sender.py:send():378] send: files
35
+ 2024-05-14 11:41:40,838 INFO SenderThread:72103 [sender.py:_save_file():1389] saving file wandb-metadata.json with policy now
36
+ 2024-05-14 11:41:40,937 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: python_packages
37
+ 2024-05-14 11:41:40,937 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: python_packages
38
+ 2024-05-14 11:41:40,937 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: stop_status
39
+ 2024-05-14 11:41:40,938 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: stop_status
40
+ 2024-05-14 11:41:41,065 DEBUG SenderThread:72103 [sender.py:send():378] send: telemetry
41
+ 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
42
+ 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
43
+ 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
44
+ 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
45
+ 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
46
+ 2024-05-14 11:41:46,066 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: status_report
47
+ 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
48
+ 2024-05-14 11:41:51,729 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: status_report
49
+ 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
50
+ 2024-05-14 11:41:55,938 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: stop_status
51
+ 2024-05-14 11:41:55,938 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: stop_status
52
+ 2024-05-14 11:41:57,053 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: status_report
53
+ 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
54
+ 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
55
+ 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
56
+ 2024-05-14 11:42:02,361 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: status_report
57
+ 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
58
+ 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
59
+ 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
60
+ 2024-05-14 11:42:07,362 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: status_report
61
+ 2024-05-14 11:42:09,384 DEBUG SenderThread:72103 [sender.py:send():378] send: exit
62
+ 2024-05-14 11:42:09,384 INFO SenderThread:72103 [sender.py:send_exit():585] handling exit code: 0
63
+ 2024-05-14 11:42:09,384 INFO SenderThread:72103 [sender.py:send_exit():587] handling runtime: 28
64
+ 2024-05-14 11:42:09,385 INFO SenderThread:72103 [sender.py:_save_file():1389] saving file wandb-summary.json with policy end
65
+ 2024-05-14 11:42:09,385 INFO SenderThread:72103 [sender.py:send_exit():593] send defer
66
+ 2024-05-14 11:42:09,385 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: defer
67
+ 2024-05-14 11:42:09,385 INFO HandlerThread:72103 [handler.py:handle_request_defer():184] handle defer: 0
68
+ 2024-05-14 11:42:09,385 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: defer
69
+ 2024-05-14 11:42:09,385 INFO SenderThread:72103 [sender.py:send_request_defer():609] handle sender defer: 0
70
+ 2024-05-14 11:42:09,385 INFO SenderThread:72103 [sender.py:transition_state():613] send defer: 1
71
+ 2024-05-14 11:42:09,385 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: defer
72
+ 2024-05-14 11:42:09,385 INFO HandlerThread:72103 [handler.py:handle_request_defer():184] handle defer: 1
73
+ 2024-05-14 11:42:09,386 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: defer
74
+ 2024-05-14 11:42:09,386 INFO SenderThread:72103 [sender.py:send_request_defer():609] handle sender defer: 1
75
+ 2024-05-14 11:42:09,386 INFO SenderThread:72103 [sender.py:transition_state():613] send defer: 2
76
+ 2024-05-14 11:42:09,386 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: defer
77
+ 2024-05-14 11:42:09,386 INFO HandlerThread:72103 [handler.py:handle_request_defer():184] handle defer: 2
78
+ 2024-05-14 11:42:09,386 INFO HandlerThread:72103 [system_monitor.py:finish():203] Stopping system monitor
79
+ 2024-05-14 11:42:09,386 DEBUG SystemMonitor:72103 [system_monitor.py:_start():172] Starting system metrics aggregation loop
80
+ 2024-05-14 11:42:09,387 DEBUG SystemMonitor:72103 [system_monitor.py:_start():179] Finished system metrics aggregation loop
81
+ 2024-05-14 11:42:09,387 INFO HandlerThread:72103 [interfaces.py:finish():200] Joined cpu monitor
82
+ 2024-05-14 11:42:09,387 DEBUG SystemMonitor:72103 [system_monitor.py:_start():183] Publishing last batch of metrics
83
+ 2024-05-14 11:42:09,387 INFO HandlerThread:72103 [interfaces.py:finish():200] Joined disk monitor
84
+ 2024-05-14 11:42:09,389 INFO HandlerThread:72103 [interfaces.py:finish():200] Joined memory monitor
85
+ 2024-05-14 11:42:09,389 INFO HandlerThread:72103 [interfaces.py:finish():200] Joined network monitor
86
+ 2024-05-14 11:42:09,389 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: defer
87
+ 2024-05-14 11:42:09,389 INFO SenderThread:72103 [sender.py:send_request_defer():609] handle sender defer: 2
88
+ 2024-05-14 11:42:09,390 INFO SenderThread:72103 [sender.py:transition_state():613] send defer: 3
89
+ 2024-05-14 11:42:09,390 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: defer
90
+ 2024-05-14 11:42:09,390 INFO HandlerThread:72103 [handler.py:handle_request_defer():184] handle defer: 3
91
+ 2024-05-14 11:42:09,390 DEBUG SenderThread:72103 [sender.py:send():378] send: stats
92
+ 2024-05-14 11:42:09,390 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: defer
93
+ 2024-05-14 11:42:09,390 INFO SenderThread:72103 [sender.py:send_request_defer():609] handle sender defer: 3
94
+ 2024-05-14 11:42:09,390 INFO SenderThread:72103 [sender.py:transition_state():613] send defer: 4
95
+ 2024-05-14 11:42:09,390 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: defer
96
+ 2024-05-14 11:42:09,390 INFO HandlerThread:72103 [handler.py:handle_request_defer():184] handle defer: 4
97
+ 2024-05-14 11:42:09,391 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: defer
98
+ 2024-05-14 11:42:09,391 INFO SenderThread:72103 [sender.py:send_request_defer():609] handle sender defer: 4
99
+ 2024-05-14 11:42:09,391 INFO SenderThread:72103 [sender.py:transition_state():613] send defer: 5
100
+ 2024-05-14 11:42:09,391 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: defer
101
+ 2024-05-14 11:42:09,391 INFO HandlerThread:72103 [handler.py:handle_request_defer():184] handle defer: 5
102
+ 2024-05-14 11:42:09,391 DEBUG SenderThread:72103 [sender.py:send():378] send: summary
103
+ 2024-05-14 11:42:09,392 INFO SenderThread:72103 [sender.py:_save_file():1389] saving file wandb-summary.json with policy end
104
+ 2024-05-14 11:42:09,392 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: defer
105
+ 2024-05-14 11:42:09,392 INFO SenderThread:72103 [sender.py:send_request_defer():609] handle sender defer: 5
106
+ 2024-05-14 11:42:09,392 INFO SenderThread:72103 [sender.py:transition_state():613] send defer: 6
107
+ 2024-05-14 11:42:09,392 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: defer
108
+ 2024-05-14 11:42:09,392 INFO HandlerThread:72103 [handler.py:handle_request_defer():184] handle defer: 6
109
+ 2024-05-14 11:42:09,392 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: defer
110
+ 2024-05-14 11:42:09,392 INFO SenderThread:72103 [sender.py:send_request_defer():609] handle sender defer: 6
111
+ 2024-05-14 11:42:09,394 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: status_report
112
+ 2024-05-14 11:42:09,480 INFO SenderThread:72103 [sender.py:transition_state():613] send defer: 7
113
+ 2024-05-14 11:42:09,481 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: defer
114
+ 2024-05-14 11:42:09,481 INFO HandlerThread:72103 [handler.py:handle_request_defer():184] handle defer: 7
115
+ 2024-05-14 11:42:09,481 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: defer
116
+ 2024-05-14 11:42:09,481 INFO SenderThread:72103 [sender.py:send_request_defer():609] handle sender defer: 7
117
+ 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
118
+ 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
119
+ 2024-05-14 11:42:10,384 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: poll_exit
120
+ 2024-05-14 11:42:12,471 INFO SenderThread:72103 [sender.py:transition_state():613] send defer: 8
121
+ 2024-05-14 11:42:12,471 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: poll_exit
122
+ 2024-05-14 11:42:12,471 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: defer
123
+ 2024-05-14 11:42:12,471 INFO HandlerThread:72103 [handler.py:handle_request_defer():184] handle defer: 8
124
+ 2024-05-14 11:42:12,472 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: defer
125
+ 2024-05-14 11:42:12,472 INFO SenderThread:72103 [sender.py:send_request_defer():609] handle sender defer: 8
126
+ 2024-05-14 11:42:12,472 INFO SenderThread:72103 [job_builder.py:build():432] Attempting to build job artifact
127
+ 2024-05-14 11:42:12,472 INFO SenderThread:72103 [job_builder.py:_get_source_type():576] no source found
128
+ 2024-05-14 11:42:12,472 INFO SenderThread:72103 [sender.py:transition_state():613] send defer: 9
129
+ 2024-05-14 11:42:12,472 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: defer
130
+ 2024-05-14 11:42:12,472 INFO HandlerThread:72103 [handler.py:handle_request_defer():184] handle defer: 9
131
+ 2024-05-14 11:42:12,472 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: defer
132
+ 2024-05-14 11:42:12,472 INFO SenderThread:72103 [sender.py:send_request_defer():609] handle sender defer: 9
133
+ 2024-05-14 11:42:12,472 INFO SenderThread:72103 [dir_watcher.py:finish():358] shutting down directory watcher
134
+ 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
135
+ 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
136
+ 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
137
+ 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
138
+ 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
139
+ 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
140
+ 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
141
+ 2024-05-14 11:42:12,684 INFO SenderThread:72103 [sender.py:transition_state():613] send defer: 10
142
+ 2024-05-14 11:42:12,686 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: defer
143
+ 2024-05-14 11:42:12,687 INFO HandlerThread:72103 [handler.py:handle_request_defer():184] handle defer: 10
144
+ 2024-05-14 11:42:12,689 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: defer
145
+ 2024-05-14 11:42:12,689 INFO SenderThread:72103 [sender.py:send_request_defer():609] handle sender defer: 10
146
+ 2024-05-14 11:42:12,689 INFO SenderThread:72103 [file_pusher.py:finish():169] shutting down file pusher
147
+ 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
148
+ 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
149
+ 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
150
+ 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
151
+ 2024-05-14 11:42:13,384 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: poll_exit
152
+ 2024-05-14 11:42:13,385 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: poll_exit
153
+ 2024-05-14 11:42:13,391 INFO Thread-11 (_thread_body):72103 [sender.py:transition_state():613] send defer: 11
154
+ 2024-05-14 11:42:13,391 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: defer
155
+ 2024-05-14 11:42:13,391 INFO HandlerThread:72103 [handler.py:handle_request_defer():184] handle defer: 11
156
+ 2024-05-14 11:42:13,392 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: defer
157
+ 2024-05-14 11:42:13,392 INFO SenderThread:72103 [sender.py:send_request_defer():609] handle sender defer: 11
158
+ 2024-05-14 11:42:13,392 INFO SenderThread:72103 [file_pusher.py:join():175] waiting for file pusher
159
+ 2024-05-14 11:42:13,392 INFO SenderThread:72103 [sender.py:transition_state():613] send defer: 12
160
+ 2024-05-14 11:42:13,392 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: defer
161
+ 2024-05-14 11:42:13,392 INFO HandlerThread:72103 [handler.py:handle_request_defer():184] handle defer: 12
162
+ 2024-05-14 11:42:13,392 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: defer
163
+ 2024-05-14 11:42:13,392 INFO SenderThread:72103 [sender.py:send_request_defer():609] handle sender defer: 12
164
+ 2024-05-14 11:42:13,392 INFO SenderThread:72103 [file_stream.py:finish():601] file stream finish called
165
+ 2024-05-14 11:42:13,545 INFO SenderThread:72103 [file_stream.py:finish():605] file stream finish is done
166
+ 2024-05-14 11:42:13,545 INFO SenderThread:72103 [sender.py:transition_state():613] send defer: 13
167
+ 2024-05-14 11:42:13,545 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: defer
168
+ 2024-05-14 11:42:13,545 INFO HandlerThread:72103 [handler.py:handle_request_defer():184] handle defer: 13
169
+ 2024-05-14 11:42:13,545 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: defer
170
+ 2024-05-14 11:42:13,545 INFO SenderThread:72103 [sender.py:send_request_defer():609] handle sender defer: 13
171
+ 2024-05-14 11:42:13,545 INFO SenderThread:72103 [sender.py:transition_state():613] send defer: 14
172
+ 2024-05-14 11:42:13,545 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: defer
173
+ 2024-05-14 11:42:13,545 INFO HandlerThread:72103 [handler.py:handle_request_defer():184] handle defer: 14
174
+ 2024-05-14 11:42:13,545 DEBUG SenderThread:72103 [sender.py:send():378] send: final
175
+ 2024-05-14 11:42:13,545 DEBUG SenderThread:72103 [sender.py:send():378] send: footer
176
+ 2024-05-14 11:42:13,545 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: defer
177
+ 2024-05-14 11:42:13,545 INFO SenderThread:72103 [sender.py:send_request_defer():609] handle sender defer: 14
178
+ 2024-05-14 11:42:13,546 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: poll_exit
179
+ 2024-05-14 11:42:13,546 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: poll_exit
180
+ 2024-05-14 11:42:13,546 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: poll_exit
181
+ 2024-05-14 11:42:13,546 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: poll_exit
182
+ 2024-05-14 11:42:13,547 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: server_info
183
+ 2024-05-14 11:42:13,547 DEBUG SenderThread:72103 [sender.py:send_request():405] send_request: server_info
184
+ 2024-05-14 11:42:13,548 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: get_summary
185
+ 2024-05-14 11:42:13,548 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: sampled_history
186
+ 2024-05-14 11:42:13,548 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: internal_messages
187
+ 2024-05-14 11:42:13,600 INFO MainThread:72103 [wandb_run.py:_footer_history_summary_info():3994] rendering history
188
+ 2024-05-14 11:42:13,600 INFO MainThread:72103 [wandb_run.py:_footer_history_summary_info():4026] rendering summary
189
+ 2024-05-14 11:42:13,600 INFO MainThread:72103 [wandb_run.py:_footer_sync_info():3953] logging synced files
190
+ 2024-05-14 11:42:13,600 DEBUG HandlerThread:72103 [handler.py:handle_request():158] handle_request: shutdown
191
+ 2024-05-14 11:42:13,600 INFO HandlerThread:72103 [handler.py:finish():882] shutting down handler
192
+ 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
193
+ 2024-05-14 11:42:14,600 INFO SenderThread:72103 [sender.py:finish():1545] shutting down sender
194
+ 2024-05-14 11:42:14,600 INFO SenderThread:72103 [file_pusher.py:finish():169] shutting down file pusher
195
+ 2024-05-14 11:42:14,600 INFO SenderThread:72103 [file_pusher.py:join():175] waiting for file pusher
lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/logs/debug.log ADDED
@@ -0,0 +1,29 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2024-05-14 11:41:40,336 INFO MainThread:70753 [wandb_setup.py:_flush():76] Current SDK version is 0.17.0
2
+ 2024-05-14 11:41:40,336 INFO MainThread:70753 [wandb_setup.py:_flush():76] Configure stats pid to 70753
3
+ 2024-05-14 11:41:40,337 INFO MainThread:70753 [wandb_setup.py:_flush():76] Loading settings from /root/.config/wandb/settings
4
+ 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
5
+ 2024-05-14 11:41:40,337 INFO MainThread:70753 [wandb_setup.py:_flush():76] Loading settings from environment variables: {}
6
+ 2024-05-14 11:41:40,337 INFO MainThread:70753 [wandb_setup.py:_flush():76] Applying setup settings: {'_disable_service': False}
7
+ 2024-05-14 11:41:40,337 WARNING MainThread:70753 [wandb_setup.py:_flush():76] Could not find program at -m lm_eval.__main__
8
+ 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__'}
9
+ 2024-05-14 11:41:40,337 INFO MainThread:70753 [wandb_setup.py:_flush():76] Applying login settings: {}
10
+ 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
11
+ 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
12
+ 2024-05-14 11:41:40,339 INFO MainThread:70753 [wandb_init.py:init():560] calling init triggers
13
+ 2024-05-14 11:41:40,339 INFO MainThread:70753 [wandb_init.py:init():567] wandb.init called with sweep_config: {}
14
+ config: {}
15
+ 2024-05-14 11:41:40,339 INFO MainThread:70753 [wandb_init.py:init():610] starting backend
16
+ 2024-05-14 11:41:40,339 INFO MainThread:70753 [wandb_init.py:init():614] setting up manager
17
+ 2024-05-14 11:41:40,369 INFO MainThread:70753 [backend.py:_multiprocessing_setup():105] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
18
+ 2024-05-14 11:41:40,370 INFO MainThread:70753 [wandb_init.py:init():622] backend started and connected
19
+ 2024-05-14 11:41:40,387 INFO MainThread:70753 [wandb_init.py:init():711] updated telemetry
20
+ 2024-05-14 11:41:40,399 INFO MainThread:70753 [wandb_init.py:init():744] communicating run to backend with 90.0 second timeout
21
+ 2024-05-14 11:41:40,625 INFO MainThread:70753 [wandb_run.py:_on_init():2396] communicating current version
22
+ 2024-05-14 11:41:40,705 INFO MainThread:70753 [wandb_run.py:_on_init():2405] got version response
23
+ 2024-05-14 11:41:40,705 INFO MainThread:70753 [wandb_init.py:init():795] starting run threads in backend
24
+ 2024-05-14 11:41:40,937 INFO MainThread:70753 [wandb_run.py:_console_start():2374] atexit reg
25
+ 2024-05-14 11:41:40,937 INFO MainThread:70753 [wandb_run.py:_redirect():2229] redirect: wrap_raw
26
+ 2024-05-14 11:41:40,937 INFO MainThread:70753 [wandb_run.py:_redirect():2294] Wrapping output streams.
27
+ 2024-05-14 11:41:40,937 INFO MainThread:70753 [wandb_run.py:_redirect():2319] Redirects installed.
28
+ 2024-05-14 11:41:40,939 INFO MainThread:70753 [wandb_init.py:init():838] run started, returning control to user process
29
+ 2024-05-14 11:42:14,601 WARNING MsgRouterThr:70753 [router.py:message_loop():77] message_loop has been closed
lm-evaluation-harness/wandb/run-20240514_114140-9mbhv4sb/run-9mbhv4sb.wandb ADDED
Binary file (11.6 kB). View file
 
lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/files/config.yaml ADDED
@@ -0,0 +1,43 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ wandb_version: 1
2
+
3
+ _wandb:
4
+ desc: null
5
+ value:
6
+ python_version: 3.10.12
7
+ cli_version: 0.17.0
8
+ framework: huggingface
9
+ huggingface_version: 4.40.2
10
+ is_jupyter_run: false
11
+ is_kaggle_kernel: false
12
+ start_time: 1715687084
13
+ t:
14
+ 1:
15
+ - 1
16
+ - 5
17
+ - 11
18
+ - 49
19
+ - 51
20
+ - 53
21
+ - 55
22
+ - 71
23
+ - 98
24
+ - 100
25
+ 2:
26
+ - 1
27
+ - 5
28
+ - 11
29
+ - 49
30
+ - 51
31
+ - 53
32
+ - 55
33
+ - 71
34
+ - 98
35
+ - 100
36
+ 3:
37
+ - 23
38
+ 4: 3.10.12
39
+ 5: 0.17.0
40
+ 6: 4.40.2
41
+ 8:
42
+ - 5
43
+ 13: linux-x86_64
lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/logs/debug-internal.log ADDED
@@ -0,0 +1,194 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 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
2
+ 2024-05-14 11:44:44,100 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: status
3
+ 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
4
+ 2024-05-14 11:44:44,102 DEBUG SenderThread:84116 [sender.py:send():378] send: header
5
+ 2024-05-14 11:44:44,119 DEBUG SenderThread:84116 [sender.py:send():378] send: run
6
+ 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
7
+ 2024-05-14 11:44:44,344 INFO SenderThread:84116 [sender.py:_start_run_threads():1123] run started: n61ndviq with start time 1715687084.09871
8
+ 2024-05-14 11:44:44,361 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: check_version
9
+ 2024-05-14 11:44:44,361 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: check_version
10
+ 2024-05-14 11:44:44,444 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: run_start
11
+ 2024-05-14 11:44:44,445 DEBUG HandlerThread:84116 [system_info.py:__init__():26] System info init
12
+ 2024-05-14 11:44:44,445 DEBUG HandlerThread:84116 [system_info.py:__init__():41] System info init done
13
+ 2024-05-14 11:44:44,445 INFO HandlerThread:84116 [system_monitor.py:start():194] Starting system monitor
14
+ 2024-05-14 11:44:44,446 INFO SystemMonitor:84116 [system_monitor.py:_start():158] Starting system asset monitoring threads
15
+ 2024-05-14 11:44:44,446 INFO HandlerThread:84116 [system_monitor.py:probe():214] Collecting system info
16
+ 2024-05-14 11:44:44,447 INFO SystemMonitor:84116 [interfaces.py:start():188] Started cpu monitoring
17
+ 2024-05-14 11:44:44,447 INFO SystemMonitor:84116 [interfaces.py:start():188] Started disk monitoring
18
+ 2024-05-14 11:44:44,448 INFO SystemMonitor:84116 [interfaces.py:start():188] Started memory monitoring
19
+ 2024-05-14 11:44:44,449 INFO SystemMonitor:84116 [interfaces.py:start():188] Started network monitoring
20
+ 2024-05-14 11:44:44,534 DEBUG HandlerThread:84116 [system_info.py:probe():150] Probing system
21
+ 2024-05-14 11:44:44,542 DEBUG HandlerThread:84116 [system_info.py:_probe_git():135] Probing git
22
+ 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)
23
+ cmdline: git rev-parse --show-toplevel
24
+ stderr: 'fatal: detected dubious ownership in repository at '/data/cronscript/lm-evaluation-harness'
25
+ To add an exception for this directory, call:
26
+
27
+ git config --global --add safe.directory /data/cronscript/lm-evaluation-harness'
28
+ 2024-05-14 11:44:44,611 DEBUG HandlerThread:84116 [system_info.py:_probe_git():143] Probing git done
29
+ 2024-05-14 11:44:44,611 DEBUG HandlerThread:84116 [system_info.py:probe():198] Probing system done
30
+ 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}}
31
+ 2024-05-14 11:44:44,611 INFO HandlerThread:84116 [system_monitor.py:probe():224] Finished collecting system info
32
+ 2024-05-14 11:44:44,611 INFO HandlerThread:84116 [system_monitor.py:probe():227] Publishing system info
33
+ 2024-05-14 11:44:44,613 INFO HandlerThread:84116 [system_monitor.py:probe():229] Finished publishing system info
34
+ 2024-05-14 11:44:44,616 DEBUG SenderThread:84116 [sender.py:send():378] send: files
35
+ 2024-05-14 11:44:44,617 INFO SenderThread:84116 [sender.py:_save_file():1389] saving file wandb-metadata.json with policy now
36
+ 2024-05-14 11:44:44,714 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: python_packages
37
+ 2024-05-14 11:44:44,714 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: python_packages
38
+ 2024-05-14 11:44:44,715 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: stop_status
39
+ 2024-05-14 11:44:44,715 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: stop_status
40
+ 2024-05-14 11:44:44,935 DEBUG SenderThread:84116 [sender.py:send():378] send: telemetry
41
+ 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
42
+ 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
43
+ 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
44
+ 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
45
+ 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
46
+ 2024-05-14 11:44:49,768 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: status_report
47
+ 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
48
+ 2024-05-14 11:44:54,770 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: status_report
49
+ 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
50
+ 2024-05-14 11:44:59,715 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: stop_status
51
+ 2024-05-14 11:44:59,716 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: stop_status
52
+ 2024-05-14 11:44:59,787 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: status_report
53
+ 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
54
+ 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
55
+ 2024-05-14 11:45:04,788 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: status_report
56
+ 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
57
+ 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
58
+ 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
59
+ 2024-05-14 11:45:10,006 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: status_report
60
+ 2024-05-14 11:45:14,535 DEBUG SenderThread:84116 [sender.py:send():378] send: exit
61
+ 2024-05-14 11:45:14,535 INFO SenderThread:84116 [sender.py:send_exit():585] handling exit code: 0
62
+ 2024-05-14 11:45:14,535 INFO SenderThread:84116 [sender.py:send_exit():587] handling runtime: 30
63
+ 2024-05-14 11:45:14,536 INFO SenderThread:84116 [sender.py:_save_file():1389] saving file wandb-summary.json with policy end
64
+ 2024-05-14 11:45:14,536 INFO SenderThread:84116 [sender.py:send_exit():593] send defer
65
+ 2024-05-14 11:45:14,537 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: defer
66
+ 2024-05-14 11:45:14,537 INFO HandlerThread:84116 [handler.py:handle_request_defer():184] handle defer: 0
67
+ 2024-05-14 11:45:14,537 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: defer
68
+ 2024-05-14 11:45:14,537 INFO SenderThread:84116 [sender.py:send_request_defer():609] handle sender defer: 0
69
+ 2024-05-14 11:45:14,537 INFO SenderThread:84116 [sender.py:transition_state():613] send defer: 1
70
+ 2024-05-14 11:45:14,537 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: defer
71
+ 2024-05-14 11:45:14,537 INFO HandlerThread:84116 [handler.py:handle_request_defer():184] handle defer: 1
72
+ 2024-05-14 11:45:14,537 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: defer
73
+ 2024-05-14 11:45:14,537 INFO SenderThread:84116 [sender.py:send_request_defer():609] handle sender defer: 1
74
+ 2024-05-14 11:45:14,537 INFO SenderThread:84116 [sender.py:transition_state():613] send defer: 2
75
+ 2024-05-14 11:45:14,537 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: defer
76
+ 2024-05-14 11:45:14,537 INFO HandlerThread:84116 [handler.py:handle_request_defer():184] handle defer: 2
77
+ 2024-05-14 11:45:14,537 INFO HandlerThread:84116 [system_monitor.py:finish():203] Stopping system monitor
78
+ 2024-05-14 11:45:14,537 DEBUG SystemMonitor:84116 [system_monitor.py:_start():172] Starting system metrics aggregation loop
79
+ 2024-05-14 11:45:14,538 INFO HandlerThread:84116 [interfaces.py:finish():200] Joined cpu monitor
80
+ 2024-05-14 11:45:14,538 DEBUG SystemMonitor:84116 [system_monitor.py:_start():179] Finished system metrics aggregation loop
81
+ 2024-05-14 11:45:14,538 INFO HandlerThread:84116 [interfaces.py:finish():200] Joined disk monitor
82
+ 2024-05-14 11:45:14,538 DEBUG SystemMonitor:84116 [system_monitor.py:_start():183] Publishing last batch of metrics
83
+ 2024-05-14 11:45:14,538 INFO HandlerThread:84116 [interfaces.py:finish():200] Joined memory monitor
84
+ 2024-05-14 11:45:14,539 INFO HandlerThread:84116 [interfaces.py:finish():200] Joined network monitor
85
+ 2024-05-14 11:45:14,540 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: defer
86
+ 2024-05-14 11:45:14,540 INFO SenderThread:84116 [sender.py:send_request_defer():609] handle sender defer: 2
87
+ 2024-05-14 11:45:14,540 INFO SenderThread:84116 [sender.py:transition_state():613] send defer: 3
88
+ 2024-05-14 11:45:14,540 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: defer
89
+ 2024-05-14 11:45:14,540 INFO HandlerThread:84116 [handler.py:handle_request_defer():184] handle defer: 3
90
+ 2024-05-14 11:45:14,540 DEBUG SenderThread:84116 [sender.py:send():378] send: stats
91
+ 2024-05-14 11:45:14,541 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: defer
92
+ 2024-05-14 11:45:14,541 INFO SenderThread:84116 [sender.py:send_request_defer():609] handle sender defer: 3
93
+ 2024-05-14 11:45:14,541 INFO SenderThread:84116 [sender.py:transition_state():613] send defer: 4
94
+ 2024-05-14 11:45:14,541 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: defer
95
+ 2024-05-14 11:45:14,541 INFO HandlerThread:84116 [handler.py:handle_request_defer():184] handle defer: 4
96
+ 2024-05-14 11:45:14,541 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: defer
97
+ 2024-05-14 11:45:14,541 INFO SenderThread:84116 [sender.py:send_request_defer():609] handle sender defer: 4
98
+ 2024-05-14 11:45:14,541 INFO SenderThread:84116 [sender.py:transition_state():613] send defer: 5
99
+ 2024-05-14 11:45:14,541 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: defer
100
+ 2024-05-14 11:45:14,541 INFO HandlerThread:84116 [handler.py:handle_request_defer():184] handle defer: 5
101
+ 2024-05-14 11:45:14,541 DEBUG SenderThread:84116 [sender.py:send():378] send: summary
102
+ 2024-05-14 11:45:14,542 INFO SenderThread:84116 [sender.py:_save_file():1389] saving file wandb-summary.json with policy end
103
+ 2024-05-14 11:45:14,542 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: defer
104
+ 2024-05-14 11:45:14,542 INFO SenderThread:84116 [sender.py:send_request_defer():609] handle sender defer: 5
105
+ 2024-05-14 11:45:14,542 INFO SenderThread:84116 [sender.py:transition_state():613] send defer: 6
106
+ 2024-05-14 11:45:14,542 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: defer
107
+ 2024-05-14 11:45:14,542 INFO HandlerThread:84116 [handler.py:handle_request_defer():184] handle defer: 6
108
+ 2024-05-14 11:45:14,542 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: defer
109
+ 2024-05-14 11:45:14,543 INFO SenderThread:84116 [sender.py:send_request_defer():609] handle sender defer: 6
110
+ 2024-05-14 11:45:14,545 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: status_report
111
+ 2024-05-14 11:45:14,630 INFO SenderThread:84116 [sender.py:transition_state():613] send defer: 7
112
+ 2024-05-14 11:45:14,630 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: defer
113
+ 2024-05-14 11:45:14,630 INFO HandlerThread:84116 [handler.py:handle_request_defer():184] handle defer: 7
114
+ 2024-05-14 11:45:14,630 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: defer
115
+ 2024-05-14 11:45:14,630 INFO SenderThread:84116 [sender.py:send_request_defer():609] handle sender defer: 7
116
+ 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
117
+ 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
118
+ 2024-05-14 11:45:15,535 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: poll_exit
119
+ 2024-05-14 11:45:16,025 INFO SenderThread:84116 [sender.py:transition_state():613] send defer: 8
120
+ 2024-05-14 11:45:16,026 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: poll_exit
121
+ 2024-05-14 11:45:16,026 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: defer
122
+ 2024-05-14 11:45:16,026 INFO HandlerThread:84116 [handler.py:handle_request_defer():184] handle defer: 8
123
+ 2024-05-14 11:45:16,026 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: defer
124
+ 2024-05-14 11:45:16,026 INFO SenderThread:84116 [sender.py:send_request_defer():609] handle sender defer: 8
125
+ 2024-05-14 11:45:16,026 INFO SenderThread:84116 [job_builder.py:build():432] Attempting to build job artifact
126
+ 2024-05-14 11:45:16,027 INFO SenderThread:84116 [job_builder.py:_get_source_type():576] no source found
127
+ 2024-05-14 11:45:16,027 INFO SenderThread:84116 [sender.py:transition_state():613] send defer: 9
128
+ 2024-05-14 11:45:16,027 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: defer
129
+ 2024-05-14 11:45:16,027 INFO HandlerThread:84116 [handler.py:handle_request_defer():184] handle defer: 9
130
+ 2024-05-14 11:45:16,027 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: defer
131
+ 2024-05-14 11:45:16,027 INFO SenderThread:84116 [sender.py:send_request_defer():609] handle sender defer: 9
132
+ 2024-05-14 11:45:16,027 INFO SenderThread:84116 [dir_watcher.py:finish():358] shutting down directory watcher
133
+ 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
134
+ 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
135
+ 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
136
+ 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
137
+ 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
138
+ 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
139
+ 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
140
+ 2024-05-14 11:45:16,438 INFO SenderThread:84116 [sender.py:transition_state():613] send defer: 10
141
+ 2024-05-14 11:45:16,440 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: defer
142
+ 2024-05-14 11:45:16,442 INFO HandlerThread:84116 [handler.py:handle_request_defer():184] handle defer: 10
143
+ 2024-05-14 11:45:16,444 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: defer
144
+ 2024-05-14 11:45:16,444 INFO SenderThread:84116 [sender.py:send_request_defer():609] handle sender defer: 10
145
+ 2024-05-14 11:45:16,444 INFO SenderThread:84116 [file_pusher.py:finish():169] shutting down file pusher
146
+ 2024-05-14 11:45:16,535 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: poll_exit
147
+ 2024-05-14 11:45:16,535 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: poll_exit
148
+ 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
149
+ 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
150
+ 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
151
+ 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
152
+ 2024-05-14 11:45:17,168 INFO Thread-11 (_thread_body):84116 [sender.py:transition_state():613] send defer: 11
153
+ 2024-05-14 11:45:17,169 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: defer
154
+ 2024-05-14 11:45:17,169 INFO HandlerThread:84116 [handler.py:handle_request_defer():184] handle defer: 11
155
+ 2024-05-14 11:45:17,169 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: defer
156
+ 2024-05-14 11:45:17,169 INFO SenderThread:84116 [sender.py:send_request_defer():609] handle sender defer: 11
157
+ 2024-05-14 11:45:17,169 INFO SenderThread:84116 [file_pusher.py:join():175] waiting for file pusher
158
+ 2024-05-14 11:45:17,170 INFO SenderThread:84116 [sender.py:transition_state():613] send defer: 12
159
+ 2024-05-14 11:45:17,170 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: defer
160
+ 2024-05-14 11:45:17,170 INFO HandlerThread:84116 [handler.py:handle_request_defer():184] handle defer: 12
161
+ 2024-05-14 11:45:17,170 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: defer
162
+ 2024-05-14 11:45:17,170 INFO SenderThread:84116 [sender.py:send_request_defer():609] handle sender defer: 12
163
+ 2024-05-14 11:45:17,170 INFO SenderThread:84116 [file_stream.py:finish():601] file stream finish called
164
+ 2024-05-14 11:45:17,247 INFO SenderThread:84116 [file_stream.py:finish():605] file stream finish is done
165
+ 2024-05-14 11:45:17,247 INFO SenderThread:84116 [sender.py:transition_state():613] send defer: 13
166
+ 2024-05-14 11:45:17,247 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: defer
167
+ 2024-05-14 11:45:17,247 INFO HandlerThread:84116 [handler.py:handle_request_defer():184] handle defer: 13
168
+ 2024-05-14 11:45:17,247 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: defer
169
+ 2024-05-14 11:45:17,247 INFO SenderThread:84116 [sender.py:send_request_defer():609] handle sender defer: 13
170
+ 2024-05-14 11:45:17,247 INFO SenderThread:84116 [sender.py:transition_state():613] send defer: 14
171
+ 2024-05-14 11:45:17,247 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: defer
172
+ 2024-05-14 11:45:17,247 INFO HandlerThread:84116 [handler.py:handle_request_defer():184] handle defer: 14
173
+ 2024-05-14 11:45:17,247 DEBUG SenderThread:84116 [sender.py:send():378] send: final
174
+ 2024-05-14 11:45:17,248 DEBUG SenderThread:84116 [sender.py:send():378] send: footer
175
+ 2024-05-14 11:45:17,248 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: defer
176
+ 2024-05-14 11:45:17,248 INFO SenderThread:84116 [sender.py:send_request_defer():609] handle sender defer: 14
177
+ 2024-05-14 11:45:17,248 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: poll_exit
178
+ 2024-05-14 11:45:17,248 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: poll_exit
179
+ 2024-05-14 11:45:17,248 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: poll_exit
180
+ 2024-05-14 11:45:17,249 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: poll_exit
181
+ 2024-05-14 11:45:17,249 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: server_info
182
+ 2024-05-14 11:45:17,249 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: get_summary
183
+ 2024-05-14 11:45:17,249 DEBUG SenderThread:84116 [sender.py:send_request():405] send_request: server_info
184
+ 2024-05-14 11:45:17,250 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: sampled_history
185
+ 2024-05-14 11:45:17,251 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: internal_messages
186
+ 2024-05-14 11:45:17,302 INFO MainThread:84116 [wandb_run.py:_footer_history_summary_info():3994] rendering history
187
+ 2024-05-14 11:45:17,302 INFO MainThread:84116 [wandb_run.py:_footer_history_summary_info():4026] rendering summary
188
+ 2024-05-14 11:45:17,302 INFO MainThread:84116 [wandb_run.py:_footer_sync_info():3953] logging synced files
189
+ 2024-05-14 11:45:17,302 DEBUG HandlerThread:84116 [handler.py:handle_request():158] handle_request: shutdown
190
+ 2024-05-14 11:45:17,302 INFO HandlerThread:84116 [handler.py:finish():882] shutting down handler
191
+ 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
192
+ 2024-05-14 11:45:18,302 INFO SenderThread:84116 [sender.py:finish():1545] shutting down sender
193
+ 2024-05-14 11:45:18,302 INFO SenderThread:84116 [file_pusher.py:finish():169] shutting down file pusher
194
+ 2024-05-14 11:45:18,302 INFO SenderThread:84116 [file_pusher.py:join():175] waiting for file pusher
lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/logs/debug.log ADDED
@@ -0,0 +1,29 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2024-05-14 11:44:44,094 INFO MainThread:82831 [wandb_setup.py:_flush():76] Current SDK version is 0.17.0
2
+ 2024-05-14 11:44:44,094 INFO MainThread:82831 [wandb_setup.py:_flush():76] Configure stats pid to 82831
3
+ 2024-05-14 11:44:44,094 INFO MainThread:82831 [wandb_setup.py:_flush():76] Loading settings from /root/.config/wandb/settings
4
+ 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
5
+ 2024-05-14 11:44:44,094 INFO MainThread:82831 [wandb_setup.py:_flush():76] Loading settings from environment variables: {}
6
+ 2024-05-14 11:44:44,094 INFO MainThread:82831 [wandb_setup.py:_flush():76] Applying setup settings: {'_disable_service': False}
7
+ 2024-05-14 11:44:44,094 WARNING MainThread:82831 [wandb_setup.py:_flush():76] Could not find program at -m lm_eval.__main__
8
+ 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__'}
9
+ 2024-05-14 11:44:44,094 INFO MainThread:82831 [wandb_setup.py:_flush():76] Applying login settings: {}
10
+ 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
11
+ 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
12
+ 2024-05-14 11:44:44,094 INFO MainThread:82831 [wandb_init.py:init():560] calling init triggers
13
+ 2024-05-14 11:44:44,094 INFO MainThread:82831 [wandb_init.py:init():567] wandb.init called with sweep_config: {}
14
+ config: {}
15
+ 2024-05-14 11:44:44,094 INFO MainThread:82831 [wandb_init.py:init():610] starting backend
16
+ 2024-05-14 11:44:44,094 INFO MainThread:82831 [wandb_init.py:init():614] setting up manager
17
+ 2024-05-14 11:44:44,096 INFO MainThread:82831 [backend.py:_multiprocessing_setup():105] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
18
+ 2024-05-14 11:44:44,097 INFO MainThread:82831 [wandb_init.py:init():622] backend started and connected
19
+ 2024-05-14 11:44:44,101 INFO MainThread:82831 [wandb_init.py:init():711] updated telemetry
20
+ 2024-05-14 11:44:44,119 INFO MainThread:82831 [wandb_init.py:init():744] communicating run to backend with 90.0 second timeout
21
+ 2024-05-14 11:44:44,360 INFO MainThread:82831 [wandb_run.py:_on_init():2396] communicating current version
22
+ 2024-05-14 11:44:44,439 INFO MainThread:82831 [wandb_run.py:_on_init():2405] got version response
23
+ 2024-05-14 11:44:44,439 INFO MainThread:82831 [wandb_init.py:init():795] starting run threads in backend
24
+ 2024-05-14 11:44:44,714 INFO MainThread:82831 [wandb_run.py:_console_start():2374] atexit reg
25
+ 2024-05-14 11:44:44,715 INFO MainThread:82831 [wandb_run.py:_redirect():2229] redirect: wrap_raw
26
+ 2024-05-14 11:44:44,715 INFO MainThread:82831 [wandb_run.py:_redirect():2294] Wrapping output streams.
27
+ 2024-05-14 11:44:44,715 INFO MainThread:82831 [wandb_run.py:_redirect():2319] Redirects installed.
28
+ 2024-05-14 11:44:44,716 INFO MainThread:82831 [wandb_init.py:init():838] run started, returning control to user process
29
+ 2024-05-14 11:45:18,303 WARNING MsgRouterThr:82831 [router.py:message_loop():77] message_loop has been closed
lm-evaluation-harness/wandb/run-20240514_114444-n61ndviq/run-n61ndviq.wandb ADDED
Binary file (11.5 kB). View file
 
lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/config.yaml ADDED
@@ -0,0 +1,43 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ wandb_version: 1
2
+
3
+ _wandb:
4
+ desc: null
5
+ value:
6
+ python_version: 3.10.12
7
+ cli_version: 0.17.0
8
+ framework: huggingface
9
+ huggingface_version: 4.40.2
10
+ is_jupyter_run: false
11
+ is_kaggle_kernel: false
12
+ start_time: 1715705031
13
+ t:
14
+ 1:
15
+ - 1
16
+ - 5
17
+ - 11
18
+ - 49
19
+ - 51
20
+ - 53
21
+ - 55
22
+ - 71
23
+ - 98
24
+ - 100
25
+ 2:
26
+ - 1
27
+ - 5
28
+ - 11
29
+ - 49
30
+ - 51
31
+ - 53
32
+ - 55
33
+ - 71
34
+ - 98
35
+ - 100
36
+ 3:
37
+ - 23
38
+ 4: 3.10.12
39
+ 5: 0.17.0
40
+ 6: 4.40.2
41
+ 8:
42
+ - 5
43
+ 13: linux-x86_64
lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/output.log ADDED
@@ -0,0 +1,28 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+
2
+ 2024-05-14:16:43:51,998 INFO [__main__.py:251] Verbosity set to INFO
3
+ 2024-05-14:16:43:56,657 INFO [__main__.py:335] Selected Tasks: ['indiccopa-hi']
4
+ 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
5
+ 2024-05-14:16:43:56,661 INFO [evaluator.py:177] Initializing hf model, with arguments: {'pretrained': '/data/cronscript/ckpts//hf_ckpt//global_step100'}
6
+ /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.)
7
+ return func(*args, **kwargs)
8
+ /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.
9
+ warnings.warn(
10
+ /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.
11
+ warnings.warn(
12
+ You are using the default legacy behaviour of the <class 'transformers.models.llama.tokenization_llama.LlamaTokenizer'>. 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
13
+ 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
14
+ 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
15
+ [2024-05-14 16:44:04,912] [INFO] [real_accelerator.py:178:get_accelerator] Setting ds_accelerator to hpu (auto detect)
16
+ /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
17
+ You can avoid this message in future by passing the argument `trust_remote_code=True`.
18
+ Passing `trust_remote_code=True` will be mandatory to load this dataset from the next major release of `datasets`.
19
+ warnings.warn(
20
+ 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.
21
+ 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.
22
+ 2024-05-14:16:44:07,166 INFO [task.py:395] Building contexts for indiccopa-hi on rank 3...
23
+ 100%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 56/56 [00:00<00:00, 106136.93it/s]
24
+ 2024-05-14:16:44:08,634 INFO [evaluator.py:379] Running loglikelihood requests
25
+ /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.
26
+ warnings.warn(
27
+ Passed argument batch_size = auto:1. Detecting largest batch size
28
+ Determined largest batch size: 64
lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/requirements.txt ADDED
@@ -0,0 +1,163 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ DataProperty==1.0.1
2
+ GitPython==3.1.43
3
+ Jinja2==3.1.3
4
+ Markdown==3.6
5
+ MarkupSafe==2.1.5
6
+ Pillow-SIMD==7.0.0.post3
7
+ PyYAML==6.0
8
+ Werkzeug==3.0.2
9
+ absl-py==2.1.0
10
+ accelerate==0.30.1
11
+ aiohttp==3.9.4
12
+ aiosignal==1.3.1
13
+ antlr4-python3-runtime==4.9.3
14
+ anyio==4.3.0
15
+ async-timeout==4.0.3
16
+ attrs==23.2.0
17
+ av==9.2.0
18
+ cachetools==5.3.3
19
+ certifi==2024.2.2
20
+ cffi==1.15.1
21
+ cfgv==3.4.0
22
+ chardet==5.2.0
23
+ charset-normalizer==3.3.2
24
+ click==8.1.7
25
+ cmake==3.29.2
26
+ colorama==0.4.6
27
+ datasets==2.19.1
28
+ deepspeed==0.12.4+hpu.synapse.v1.15.1
29
+ dill==0.3.8
30
+ distlib==0.3.8
31
+ distro==1.9.0
32
+ docker-pycreds==0.4.0
33
+ einops==0.8.0
34
+ evaluate==0.4.2
35
+ exceptiongroup==1.2.0
36
+ expecttest==0.2.1
37
+ filelock==3.13.4
38
+ frozenlist==1.4.1
39
+ fsspec==2024.3.1
40
+ gitdb==4.0.11
41
+ google-auth-oauthlib==0.4.6
42
+ google-auth==2.29.0
43
+ grpcio==1.62.1
44
+ h11==0.14.0
45
+ habana-media-loader==1.15.1.15
46
+ habana-pyhlml==1.15.1.15
47
+ habana-torch-dataloader==1.15.1.15
48
+ habana-torch-plugin==1.15.1.15
49
+ habana_gpu_migration==1.15.1.15
50
+ habana_quantization_toolkit==1.15.1.15
51
+ hjson==3.1.0
52
+ httpcore==1.0.5
53
+ httpx==0.27.0
54
+ huggingface-hub==0.23.0
55
+ identify==2.5.35
56
+ idna==3.7
57
+ importlib_resources==6.4.0
58
+ iniconfig==2.0.0
59
+ joblib==1.4.2
60
+ jsonlines==4.0.0
61
+ lightning-habana==1.4.0
62
+ lightning-utilities==0.11.2
63
+ lightning==2.2.0.post0
64
+ lm_eval==0.3.0
65
+ lm_eval==0.4.2
66
+ lm_eval==0.4.2
67
+ lm_eval==0.4.2
68
+ mbstrdecoder==1.1.3
69
+ more-itertools==10.2.0
70
+ mpi4py==3.1.4
71
+ mpmath==1.3.0
72
+ multidict==6.0.5
73
+ multiprocess==0.70.16
74
+ networkx==3.3
75
+ ninja==1.11.1.1
76
+ nltk==3.8.1
77
+ nodeenv==1.8.0
78
+ numexpr==2.10.0
79
+ numpy==1.23.5
80
+ oauthlib==3.2.2
81
+ omegaconf==2.3.0
82
+ openai==1.29.0
83
+ packaging==24.0
84
+ pandas==2.0.1
85
+ pathspec==0.12.1
86
+ pathvalidate==3.2.0
87
+ peft==0.10.0
88
+ perfetto==0.7.0
89
+ pip==22.0.2
90
+ pip==23.3.1
91
+ platformdirs==4.2.0
92
+ pluggy==1.4.0
93
+ portalocker==2.8.2
94
+ pre-commit==3.3.3
95
+ protobuf==3.20.3
96
+ psutil==5.9.8
97
+ py-cpuinfo==9.0.0
98
+ pyarrow-hotfix==0.6
99
+ pyarrow==16.0.0
100
+ pyasn1==0.6.0
101
+ pyasn1_modules==0.4.0
102
+ pybind11==2.10.4
103
+ pycountry==23.12.11
104
+ pycparser==2.22
105
+ pydantic==1.10.13
106
+ pynvml==8.0.4
107
+ pytablewriter==1.2.0
108
+ pytest==8.1.1
109
+ python-dateutil==2.9.0.post0
110
+ pytorch-lightning==2.2.2
111
+ pytz==2024.1
112
+ regex==2023.5.5
113
+ requests-oauthlib==2.0.0
114
+ requests==2.31.0
115
+ rouge_score==0.1.2
116
+ rsa==4.9
117
+ sacrebleu==1.5.0
118
+ safetensors==0.4.3
119
+ scikit-learn==1.4.2
120
+ scipy==1.13.0
121
+ sentencepiece==0.2.0
122
+ sentry-sdk==2.1.1
123
+ setproctitle==1.3.3
124
+ setuptools==59.6.0
125
+ setuptools==69.5.1
126
+ six==1.16.0
127
+ smmap==5.0.1
128
+ sniffio==1.3.1
129
+ sqlitedict==2.1.0
130
+ symengine==0.11.0
131
+ sympy==1.12
132
+ tabledata==1.3.3
133
+ tcolorpy==0.1.6
134
+ tdqm==0.0.1
135
+ tensorboard-data-server==0.6.1
136
+ tensorboard-plugin-wit==1.8.1
137
+ tensorboard==2.11.2
138
+ threadpoolctl==3.5.0
139
+ tokenizers==0.19.1
140
+ tomli==2.0.1
141
+ torch==2.2.0a0+git8964477
142
+ torch_tb_profiler==0.4.0
143
+ torchaudio==2.2.0+08901ad
144
+ torchdata==0.7.1+5e6f7b7
145
+ torchmetrics==1.3.2
146
+ torchtext==0.17.0+400da5c
147
+ torchvision==0.17.0+b2383d4
148
+ tqdm-multiprocess==0.0.11
149
+ tqdm==4.66.2
150
+ transformers==4.40.2
151
+ typepy==1.3.2
152
+ typing_extensions==4.11.0
153
+ tzdata==2024.1
154
+ urllib3==1.26.18
155
+ virtualenv==20.25.1
156
+ wandb==0.17.0
157
+ wheel==0.37.1
158
+ wheel==0.43.0
159
+ word2number==1.1
160
+ xxhash==3.4.1
161
+ yamllint==1.35.1
162
+ yarl==1.9.4
163
+ zstandard==0.22.0
lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/wandb-metadata.json ADDED
@@ -0,0 +1,810 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "os": "Linux-5.15.0-92-generic-x86_64-with-glibc2.35",
3
+ "python": "3.10.12",
4
+ "heartbeatAt": "2024-05-14T16:43:51.850352",
5
+ "startedAt": "2024-05-14T16:43:51.408469",
6
+ "docker": null,
7
+ "cuda": null,
8
+ "args": [
9
+ "--model",
10
+ "hf",
11
+ "--model_args",
12
+ "pretrained=/data/cronscript/ckpts//hf_ckpt//global_step100",
13
+ "--tasks",
14
+ "indiccopa-hi",
15
+ "--batch_size",
16
+ "auto",
17
+ "--wandb_args",
18
+ "project=bharatgpt,group=trial_expt"
19
+ ],
20
+ "state": "running",
21
+ "program": "-m lm_eval.__main__",
22
+ "codePathLocal": null,
23
+ "git": {
24
+ "remote": "https://github.com/EleutherAI/lm-evaluation-harness",
25
+ "commit": null
26
+ },
27
+ "email": null,
28
+ "root": "/data/cronscript/lm-evaluation-harness",
29
+ "host": "vizzhy-150-3",
30
+ "username": "root",
31
+ "executable": "/usr/bin/python3",
32
+ "cpu_count": 76,
33
+ "cpu_count_logical": 152,
34
+ "cpu_freq": {
35
+ "current": 3390.8479868421055,
36
+ "min": 800.0,
37
+ "max": 3400.0
38
+ },
39
+ "cpu_freq_per_core": [
40
+ {
41
+ "current": 3300.002,
42
+ "min": 800.0,
43
+ "max": 3400.0
44
+ },
45
+ {
46
+ "current": 3300.0,
47
+ "min": 800.0,
48
+ "max": 3400.0
49
+ },
50
+ {
51
+ "current": 3300.0,
52
+ "min": 800.0,
53
+ "max": 3400.0
54
+ },
55
+ {
56
+ "current": 3400.0,
57
+ "min": 800.0,
58
+ "max": 3400.0
59
+ },
60
+ {
61
+ "current": 3400.0,
62
+ "min": 800.0,
63
+ "max": 3400.0
64
+ },
65
+ {
66
+ "current": 3400.0,
67
+ "min": 800.0,
68
+ "max": 3400.0
69
+ },
70
+ {
71
+ "current": 3400.0,
72
+ "min": 800.0,
73
+ "max": 3400.0
74
+ },
75
+ {
76
+ "current": 3400.0,
77
+ "min": 800.0,
78
+ "max": 3400.0
79
+ },
80
+ {
81
+ "current": 3400.0,
82
+ "min": 800.0,
83
+ "max": 3400.0
84
+ },
85
+ {
86
+ "current": 3400.0,
87
+ "min": 800.0,
88
+ "max": 3400.0
89
+ },
90
+ {
91
+ "current": 3400.0,
92
+ "min": 800.0,
93
+ "max": 3400.0
94
+ },
95
+ {
96
+ "current": 3400.0,
97
+ "min": 800.0,
98
+ "max": 3400.0
99
+ },
100
+ {
101
+ "current": 3400.0,
102
+ "min": 800.0,
103
+ "max": 3400.0
104
+ },
105
+ {
106
+ "current": 3400.0,
107
+ "min": 800.0,
108
+ "max": 3400.0
109
+ },
110
+ {
111
+ "current": 3277.613,
112
+ "min": 800.0,
113
+ "max": 3400.0
114
+ },
115
+ {
116
+ "current": 3400.0,
117
+ "min": 800.0,
118
+ "max": 3400.0
119
+ },
120
+ {
121
+ "current": 3400.0,
122
+ "min": 800.0,
123
+ "max": 3400.0
124
+ },
125
+ {
126
+ "current": 3400.0,
127
+ "min": 800.0,
128
+ "max": 3400.0
129
+ },
130
+ {
131
+ "current": 3400.0,
132
+ "min": 800.0,
133
+ "max": 3400.0
134
+ },
135
+ {
136
+ "current": 3400.0,
137
+ "min": 800.0,
138
+ "max": 3400.0
139
+ },
140
+ {
141
+ "current": 3400.0,
142
+ "min": 800.0,
143
+ "max": 3400.0
144
+ },
145
+ {
146
+ "current": 3400.0,
147
+ "min": 800.0,
148
+ "max": 3400.0
149
+ },
150
+ {
151
+ "current": 3400.0,
152
+ "min": 800.0,
153
+ "max": 3400.0
154
+ },
155
+ {
156
+ "current": 3400.0,
157
+ "min": 800.0,
158
+ "max": 3400.0
159
+ },
160
+ {
161
+ "current": 3400.0,
162
+ "min": 800.0,
163
+ "max": 3400.0
164
+ },
165
+ {
166
+ "current": 3212.586,
167
+ "min": 800.0,
168
+ "max": 3400.0
169
+ },
170
+ {
171
+ "current": 3400.0,
172
+ "min": 800.0,
173
+ "max": 3400.0
174
+ },
175
+ {
176
+ "current": 3400.0,
177
+ "min": 800.0,
178
+ "max": 3400.0
179
+ },
180
+ {
181
+ "current": 3400.0,
182
+ "min": 800.0,
183
+ "max": 3400.0
184
+ },
185
+ {
186
+ "current": 3400.0,
187
+ "min": 800.0,
188
+ "max": 3400.0
189
+ },
190
+ {
191
+ "current": 3400.0,
192
+ "min": 800.0,
193
+ "max": 3400.0
194
+ },
195
+ {
196
+ "current": 3400.0,
197
+ "min": 800.0,
198
+ "max": 3400.0
199
+ },
200
+ {
201
+ "current": 3400.0,
202
+ "min": 800.0,
203
+ "max": 3400.0
204
+ },
205
+ {
206
+ "current": 3400.0,
207
+ "min": 800.0,
208
+ "max": 3400.0
209
+ },
210
+ {
211
+ "current": 3400.0,
212
+ "min": 800.0,
213
+ "max": 3400.0
214
+ },
215
+ {
216
+ "current": 3300.0,
217
+ "min": 800.0,
218
+ "max": 3400.0
219
+ },
220
+ {
221
+ "current": 3400.0,
222
+ "min": 800.0,
223
+ "max": 3400.0
224
+ },
225
+ {
226
+ "current": 3400.0,
227
+ "min": 800.0,
228
+ "max": 3400.0
229
+ },
230
+ {
231
+ "current": 3300.0,
232
+ "min": 800.0,
233
+ "max": 3400.0
234
+ },
235
+ {
236
+ "current": 3300.0,
237
+ "min": 800.0,
238
+ "max": 3400.0
239
+ },
240
+ {
241
+ "current": 3400.0,
242
+ "min": 800.0,
243
+ "max": 3400.0
244
+ },
245
+ {
246
+ "current": 3400.0,
247
+ "min": 800.0,
248
+ "max": 3400.0
249
+ },
250
+ {
251
+ "current": 3400.0,
252
+ "min": 800.0,
253
+ "max": 3400.0
254
+ },
255
+ {
256
+ "current": 3400.0,
257
+ "min": 800.0,
258
+ "max": 3400.0
259
+ },
260
+ {
261
+ "current": 3400.0,
262
+ "min": 800.0,
263
+ "max": 3400.0
264
+ },
265
+ {
266
+ "current": 3400.0,
267
+ "min": 800.0,
268
+ "max": 3400.0
269
+ },
270
+ {
271
+ "current": 3400.0,
272
+ "min": 800.0,
273
+ "max": 3400.0
274
+ },
275
+ {
276
+ "current": 3400.0,
277
+ "min": 800.0,
278
+ "max": 3400.0
279
+ },
280
+ {
281
+ "current": 3400.0,
282
+ "min": 800.0,
283
+ "max": 3400.0
284
+ },
285
+ {
286
+ "current": 3400.0,
287
+ "min": 800.0,
288
+ "max": 3400.0
289
+ },
290
+ {
291
+ "current": 3400.0,
292
+ "min": 800.0,
293
+ "max": 3400.0
294
+ },
295
+ {
296
+ "current": 3400.0,
297
+ "min": 800.0,
298
+ "max": 3400.0
299
+ },
300
+ {
301
+ "current": 3400.0,
302
+ "min": 800.0,
303
+ "max": 3400.0
304
+ },
305
+ {
306
+ "current": 3400.0,
307
+ "min": 800.0,
308
+ "max": 3400.0
309
+ },
310
+ {
311
+ "current": 3400.0,
312
+ "min": 800.0,
313
+ "max": 3400.0
314
+ },
315
+ {
316
+ "current": 3400.0,
317
+ "min": 800.0,
318
+ "max": 3400.0
319
+ },
320
+ {
321
+ "current": 3400.0,
322
+ "min": 800.0,
323
+ "max": 3400.0
324
+ },
325
+ {
326
+ "current": 3400.0,
327
+ "min": 800.0,
328
+ "max": 3400.0
329
+ },
330
+ {
331
+ "current": 3400.0,
332
+ "min": 800.0,
333
+ "max": 3400.0
334
+ },
335
+ {
336
+ "current": 3400.0,
337
+ "min": 800.0,
338
+ "max": 3400.0
339
+ },
340
+ {
341
+ "current": 3400.0,
342
+ "min": 800.0,
343
+ "max": 3400.0
344
+ },
345
+ {
346
+ "current": 3300.0,
347
+ "min": 800.0,
348
+ "max": 3400.0
349
+ },
350
+ {
351
+ "current": 3400.0,
352
+ "min": 800.0,
353
+ "max": 3400.0
354
+ },
355
+ {
356
+ "current": 3400.0,
357
+ "min": 800.0,
358
+ "max": 3400.0
359
+ },
360
+ {
361
+ "current": 3400.0,
362
+ "min": 800.0,
363
+ "max": 3400.0
364
+ },
365
+ {
366
+ "current": 3400.0,
367
+ "min": 800.0,
368
+ "max": 3400.0
369
+ },
370
+ {
371
+ "current": 3400.0,
372
+ "min": 800.0,
373
+ "max": 3400.0
374
+ },
375
+ {
376
+ "current": 3400.0,
377
+ "min": 800.0,
378
+ "max": 3400.0
379
+ },
380
+ {
381
+ "current": 3400.0,
382
+ "min": 800.0,
383
+ "max": 3400.0
384
+ },
385
+ {
386
+ "current": 3400.0,
387
+ "min": 800.0,
388
+ "max": 3400.0
389
+ },
390
+ {
391
+ "current": 3400.0,
392
+ "min": 800.0,
393
+ "max": 3400.0
394
+ },
395
+ {
396
+ "current": 3400.0,
397
+ "min": 800.0,
398
+ "max": 3400.0
399
+ },
400
+ {
401
+ "current": 3400.0,
402
+ "min": 800.0,
403
+ "max": 3400.0
404
+ },
405
+ {
406
+ "current": 3400.0,
407
+ "min": 800.0,
408
+ "max": 3400.0
409
+ },
410
+ {
411
+ "current": 3400.0,
412
+ "min": 800.0,
413
+ "max": 3400.0
414
+ },
415
+ {
416
+ "current": 3400.0,
417
+ "min": 800.0,
418
+ "max": 3400.0
419
+ },
420
+ {
421
+ "current": 3400.0,
422
+ "min": 800.0,
423
+ "max": 3400.0
424
+ },
425
+ {
426
+ "current": 3400.0,
427
+ "min": 800.0,
428
+ "max": 3400.0
429
+ },
430
+ {
431
+ "current": 3400.0,
432
+ "min": 800.0,
433
+ "max": 3400.0
434
+ },
435
+ {
436
+ "current": 3400.0,
437
+ "min": 800.0,
438
+ "max": 3400.0
439
+ },
440
+ {
441
+ "current": 3400.0,
442
+ "min": 800.0,
443
+ "max": 3400.0
444
+ },
445
+ {
446
+ "current": 3400.0,
447
+ "min": 800.0,
448
+ "max": 3400.0
449
+ },
450
+ {
451
+ "current": 3400.0,
452
+ "min": 800.0,
453
+ "max": 3400.0
454
+ },
455
+ {
456
+ "current": 3400.0,
457
+ "min": 800.0,
458
+ "max": 3400.0
459
+ },
460
+ {
461
+ "current": 3400.0,
462
+ "min": 800.0,
463
+ "max": 3400.0
464
+ },
465
+ {
466
+ "current": 3400.0,
467
+ "min": 800.0,
468
+ "max": 3400.0
469
+ },
470
+ {
471
+ "current": 3400.0,
472
+ "min": 800.0,
473
+ "max": 3400.0
474
+ },
475
+ {
476
+ "current": 3400.0,
477
+ "min": 800.0,
478
+ "max": 3400.0
479
+ },
480
+ {
481
+ "current": 3400.0,
482
+ "min": 800.0,
483
+ "max": 3400.0
484
+ },
485
+ {
486
+ "current": 3400.0,
487
+ "min": 800.0,
488
+ "max": 3400.0
489
+ },
490
+ {
491
+ "current": 3400.0,
492
+ "min": 800.0,
493
+ "max": 3400.0
494
+ },
495
+ {
496
+ "current": 3400.0,
497
+ "min": 800.0,
498
+ "max": 3400.0
499
+ },
500
+ {
501
+ "current": 3400.0,
502
+ "min": 800.0,
503
+ "max": 3400.0
504
+ },
505
+ {
506
+ "current": 3400.0,
507
+ "min": 800.0,
508
+ "max": 3400.0
509
+ },
510
+ {
511
+ "current": 3400.0,
512
+ "min": 800.0,
513
+ "max": 3400.0
514
+ },
515
+ {
516
+ "current": 3400.0,
517
+ "min": 800.0,
518
+ "max": 3400.0
519
+ },
520
+ {
521
+ "current": 3400.0,
522
+ "min": 800.0,
523
+ "max": 3400.0
524
+ },
525
+ {
526
+ "current": 3400.0,
527
+ "min": 800.0,
528
+ "max": 3400.0
529
+ },
530
+ {
531
+ "current": 3400.0,
532
+ "min": 800.0,
533
+ "max": 3400.0
534
+ },
535
+ {
536
+ "current": 3400.0,
537
+ "min": 800.0,
538
+ "max": 3400.0
539
+ },
540
+ {
541
+ "current": 3400.0,
542
+ "min": 800.0,
543
+ "max": 3400.0
544
+ },
545
+ {
546
+ "current": 3400.0,
547
+ "min": 800.0,
548
+ "max": 3400.0
549
+ },
550
+ {
551
+ "current": 3400.0,
552
+ "min": 800.0,
553
+ "max": 3400.0
554
+ },
555
+ {
556
+ "current": 3400.0,
557
+ "min": 800.0,
558
+ "max": 3400.0
559
+ },
560
+ {
561
+ "current": 3400.0,
562
+ "min": 800.0,
563
+ "max": 3400.0
564
+ },
565
+ {
566
+ "current": 3400.0,
567
+ "min": 800.0,
568
+ "max": 3400.0
569
+ },
570
+ {
571
+ "current": 3400.0,
572
+ "min": 800.0,
573
+ "max": 3400.0
574
+ },
575
+ {
576
+ "current": 3400.0,
577
+ "min": 800.0,
578
+ "max": 3400.0
579
+ },
580
+ {
581
+ "current": 3300.0,
582
+ "min": 800.0,
583
+ "max": 3400.0
584
+ },
585
+ {
586
+ "current": 3400.0,
587
+ "min": 800.0,
588
+ "max": 3400.0
589
+ },
590
+ {
591
+ "current": 3400.0,
592
+ "min": 800.0,
593
+ "max": 3400.0
594
+ },
595
+ {
596
+ "current": 3400.0,
597
+ "min": 800.0,
598
+ "max": 3400.0
599
+ },
600
+ {
601
+ "current": 3400.0,
602
+ "min": 800.0,
603
+ "max": 3400.0
604
+ },
605
+ {
606
+ "current": 3400.0,
607
+ "min": 800.0,
608
+ "max": 3400.0
609
+ },
610
+ {
611
+ "current": 3400.0,
612
+ "min": 800.0,
613
+ "max": 3400.0
614
+ },
615
+ {
616
+ "current": 3400.0,
617
+ "min": 800.0,
618
+ "max": 3400.0
619
+ },
620
+ {
621
+ "current": 3400.0,
622
+ "min": 800.0,
623
+ "max": 3400.0
624
+ },
625
+ {
626
+ "current": 3400.0,
627
+ "min": 800.0,
628
+ "max": 3400.0
629
+ },
630
+ {
631
+ "current": 3400.0,
632
+ "min": 800.0,
633
+ "max": 3400.0
634
+ },
635
+ {
636
+ "current": 3400.0,
637
+ "min": 800.0,
638
+ "max": 3400.0
639
+ },
640
+ {
641
+ "current": 3400.0,
642
+ "min": 800.0,
643
+ "max": 3400.0
644
+ },
645
+ {
646
+ "current": 3400.0,
647
+ "min": 800.0,
648
+ "max": 3400.0
649
+ },
650
+ {
651
+ "current": 3400.0,
652
+ "min": 800.0,
653
+ "max": 3400.0
654
+ },
655
+ {
656
+ "current": 3400.0,
657
+ "min": 800.0,
658
+ "max": 3400.0
659
+ },
660
+ {
661
+ "current": 3400.0,
662
+ "min": 800.0,
663
+ "max": 3400.0
664
+ },
665
+ {
666
+ "current": 3400.0,
667
+ "min": 800.0,
668
+ "max": 3400.0
669
+ },
670
+ {
671
+ "current": 3400.0,
672
+ "min": 800.0,
673
+ "max": 3400.0
674
+ },
675
+ {
676
+ "current": 3400.0,
677
+ "min": 800.0,
678
+ "max": 3400.0
679
+ },
680
+ {
681
+ "current": 3400.0,
682
+ "min": 800.0,
683
+ "max": 3400.0
684
+ },
685
+ {
686
+ "current": 3400.0,
687
+ "min": 800.0,
688
+ "max": 3400.0
689
+ },
690
+ {
691
+ "current": 3400.0,
692
+ "min": 800.0,
693
+ "max": 3400.0
694
+ },
695
+ {
696
+ "current": 3400.0,
697
+ "min": 800.0,
698
+ "max": 3400.0
699
+ },
700
+ {
701
+ "current": 3400.0,
702
+ "min": 800.0,
703
+ "max": 3400.0
704
+ },
705
+ {
706
+ "current": 3400.0,
707
+ "min": 800.0,
708
+ "max": 3400.0
709
+ },
710
+ {
711
+ "current": 3400.0,
712
+ "min": 800.0,
713
+ "max": 3400.0
714
+ },
715
+ {
716
+ "current": 3400.0,
717
+ "min": 800.0,
718
+ "max": 3400.0
719
+ },
720
+ {
721
+ "current": 3400.0,
722
+ "min": 800.0,
723
+ "max": 3400.0
724
+ },
725
+ {
726
+ "current": 3400.0,
727
+ "min": 800.0,
728
+ "max": 3400.0
729
+ },
730
+ {
731
+ "current": 3400.0,
732
+ "min": 800.0,
733
+ "max": 3400.0
734
+ },
735
+ {
736
+ "current": 3400.0,
737
+ "min": 800.0,
738
+ "max": 3400.0
739
+ },
740
+ {
741
+ "current": 3400.0,
742
+ "min": 800.0,
743
+ "max": 3400.0
744
+ },
745
+ {
746
+ "current": 3400.0,
747
+ "min": 800.0,
748
+ "max": 3400.0
749
+ },
750
+ {
751
+ "current": 3400.0,
752
+ "min": 800.0,
753
+ "max": 3400.0
754
+ },
755
+ {
756
+ "current": 3400.0,
757
+ "min": 800.0,
758
+ "max": 3400.0
759
+ },
760
+ {
761
+ "current": 3300.0,
762
+ "min": 800.0,
763
+ "max": 3400.0
764
+ },
765
+ {
766
+ "current": 3400.0,
767
+ "min": 800.0,
768
+ "max": 3400.0
769
+ },
770
+ {
771
+ "current": 3400.0,
772
+ "min": 800.0,
773
+ "max": 3400.0
774
+ },
775
+ {
776
+ "current": 3400.0,
777
+ "min": 800.0,
778
+ "max": 3400.0
779
+ },
780
+ {
781
+ "current": 3400.0,
782
+ "min": 800.0,
783
+ "max": 3400.0
784
+ },
785
+ {
786
+ "current": 3400.0,
787
+ "min": 800.0,
788
+ "max": 3400.0
789
+ },
790
+ {
791
+ "current": 3400.0,
792
+ "min": 800.0,
793
+ "max": 3400.0
794
+ },
795
+ {
796
+ "current": 3257.365,
797
+ "min": 800.0,
798
+ "max": 3400.0
799
+ }
800
+ ],
801
+ "disk": {
802
+ "/": {
803
+ "total": 866.4415092468262,
804
+ "used": 863.4306488037109
805
+ }
806
+ },
807
+ "memory": {
808
+ "total": 1007.5000267028809
809
+ }
810
+ }
lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/files/wandb-summary.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"_wandb": {"runtime": 24}}
lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/logs/debug-internal.log ADDED
@@ -0,0 +1,193 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 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
2
+ 2024-05-14 16:43:51,422 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: status
3
+ 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
4
+ 2024-05-14 16:43:51,424 DEBUG SenderThread:130109 [sender.py:send():378] send: header
5
+ 2024-05-14 16:43:51,433 DEBUG SenderThread:130109 [sender.py:send():378] send: run
6
+ 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
7
+ 2024-05-14 16:43:51,688 INFO SenderThread:130109 [sender.py:_start_run_threads():1123] run started: tzl0yppn with start time 1715705031.419538
8
+ 2024-05-14 16:43:51,695 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: check_version
9
+ 2024-05-14 16:43:51,695 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: check_version
10
+ 2024-05-14 16:43:51,778 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: run_start
11
+ 2024-05-14 16:43:51,780 DEBUG HandlerThread:130109 [system_info.py:__init__():26] System info init
12
+ 2024-05-14 16:43:51,780 DEBUG HandlerThread:130109 [system_info.py:__init__():41] System info init done
13
+ 2024-05-14 16:43:51,780 INFO HandlerThread:130109 [system_monitor.py:start():194] Starting system monitor
14
+ 2024-05-14 16:43:51,780 INFO SystemMonitor:130109 [system_monitor.py:_start():158] Starting system asset monitoring threads
15
+ 2024-05-14 16:43:51,780 INFO HandlerThread:130109 [system_monitor.py:probe():214] Collecting system info
16
+ 2024-05-14 16:43:51,781 INFO SystemMonitor:130109 [interfaces.py:start():188] Started cpu monitoring
17
+ 2024-05-14 16:43:51,781 INFO SystemMonitor:130109 [interfaces.py:start():188] Started disk monitoring
18
+ 2024-05-14 16:43:51,782 INFO SystemMonitor:130109 [interfaces.py:start():188] Started memory monitoring
19
+ 2024-05-14 16:43:51,782 INFO SystemMonitor:130109 [interfaces.py:start():188] Started network monitoring
20
+ 2024-05-14 16:43:51,850 DEBUG HandlerThread:130109 [system_info.py:probe():150] Probing system
21
+ 2024-05-14 16:43:51,858 DEBUG HandlerThread:130109 [system_info.py:_probe_git():135] Probing git
22
+ 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)
23
+ cmdline: git rev-parse --show-toplevel
24
+ stderr: 'fatal: detected dubious ownership in repository at '/data/cronscript/lm-evaluation-harness'
25
+ To add an exception for this directory, call:
26
+
27
+ git config --global --add safe.directory /data/cronscript/lm-evaluation-harness'
28
+ 2024-05-14 16:43:51,877 DEBUG HandlerThread:130109 [system_info.py:_probe_git():143] Probing git done
29
+ 2024-05-14 16:43:51,877 DEBUG HandlerThread:130109 [system_info.py:probe():198] Probing system done
30
+ 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}}
31
+ 2024-05-14 16:43:51,878 INFO HandlerThread:130109 [system_monitor.py:probe():224] Finished collecting system info
32
+ 2024-05-14 16:43:51,878 INFO HandlerThread:130109 [system_monitor.py:probe():227] Publishing system info
33
+ 2024-05-14 16:43:51,884 INFO HandlerThread:130109 [system_monitor.py:probe():229] Finished publishing system info
34
+ 2024-05-14 16:43:51,888 DEBUG SenderThread:130109 [sender.py:send():378] send: files
35
+ 2024-05-14 16:43:51,888 INFO SenderThread:130109 [sender.py:_save_file():1389] saving file wandb-metadata.json with policy now
36
+ 2024-05-14 16:43:51,991 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: python_packages
37
+ 2024-05-14 16:43:51,991 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: python_packages
38
+ 2024-05-14 16:43:51,992 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: stop_status
39
+ 2024-05-14 16:43:51,992 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: stop_status
40
+ 2024-05-14 16:43:52,161 DEBUG SenderThread:130109 [sender.py:send():378] send: telemetry
41
+ 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
42
+ 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
43
+ 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
44
+ 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
45
+ 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
46
+ 2024-05-14 16:43:56,659 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: status_report
47
+ 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
48
+ 2024-05-14 16:44:01,662 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: status_report
49
+ 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
50
+ 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
51
+ 2024-05-14 16:44:06,991 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: stop_status
52
+ 2024-05-14 16:44:06,992 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: stop_status
53
+ 2024-05-14 16:44:07,074 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: status_report
54
+ 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
55
+ 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
56
+ 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
57
+ 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
58
+ 2024-05-14 16:44:12,165 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: status_report
59
+ 2024-05-14 16:44:15,884 DEBUG SenderThread:130109 [sender.py:send():378] send: exit
60
+ 2024-05-14 16:44:15,884 INFO SenderThread:130109 [sender.py:send_exit():585] handling exit code: 0
61
+ 2024-05-14 16:44:15,884 INFO SenderThread:130109 [sender.py:send_exit():587] handling runtime: 24
62
+ 2024-05-14 16:44:15,885 INFO SenderThread:130109 [sender.py:_save_file():1389] saving file wandb-summary.json with policy end
63
+ 2024-05-14 16:44:15,886 INFO SenderThread:130109 [sender.py:send_exit():593] send defer
64
+ 2024-05-14 16:44:15,886 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: defer
65
+ 2024-05-14 16:44:15,886 INFO HandlerThread:130109 [handler.py:handle_request_defer():184] handle defer: 0
66
+ 2024-05-14 16:44:15,886 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: defer
67
+ 2024-05-14 16:44:15,886 INFO SenderThread:130109 [sender.py:send_request_defer():609] handle sender defer: 0
68
+ 2024-05-14 16:44:15,886 INFO SenderThread:130109 [sender.py:transition_state():613] send defer: 1
69
+ 2024-05-14 16:44:15,886 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: defer
70
+ 2024-05-14 16:44:15,886 INFO HandlerThread:130109 [handler.py:handle_request_defer():184] handle defer: 1
71
+ 2024-05-14 16:44:15,886 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: defer
72
+ 2024-05-14 16:44:15,886 INFO SenderThread:130109 [sender.py:send_request_defer():609] handle sender defer: 1
73
+ 2024-05-14 16:44:15,886 INFO SenderThread:130109 [sender.py:transition_state():613] send defer: 2
74
+ 2024-05-14 16:44:15,886 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: defer
75
+ 2024-05-14 16:44:15,886 INFO HandlerThread:130109 [handler.py:handle_request_defer():184] handle defer: 2
76
+ 2024-05-14 16:44:15,886 INFO HandlerThread:130109 [system_monitor.py:finish():203] Stopping system monitor
77
+ 2024-05-14 16:44:15,887 INFO HandlerThread:130109 [interfaces.py:finish():200] Joined cpu monitor
78
+ 2024-05-14 16:44:15,887 DEBUG SystemMonitor:130109 [system_monitor.py:_start():172] Starting system metrics aggregation loop
79
+ 2024-05-14 16:44:15,887 INFO HandlerThread:130109 [interfaces.py:finish():200] Joined disk monitor
80
+ 2024-05-14 16:44:15,888 DEBUG SystemMonitor:130109 [system_monitor.py:_start():179] Finished system metrics aggregation loop
81
+ 2024-05-14 16:44:15,888 INFO HandlerThread:130109 [interfaces.py:finish():200] Joined memory monitor
82
+ 2024-05-14 16:44:15,888 DEBUG SystemMonitor:130109 [system_monitor.py:_start():183] Publishing last batch of metrics
83
+ 2024-05-14 16:44:15,888 INFO HandlerThread:130109 [interfaces.py:finish():200] Joined network monitor
84
+ 2024-05-14 16:44:15,889 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: defer
85
+ 2024-05-14 16:44:15,890 INFO SenderThread:130109 [sender.py:send_request_defer():609] handle sender defer: 2
86
+ 2024-05-14 16:44:15,890 INFO SenderThread:130109 [sender.py:transition_state():613] send defer: 3
87
+ 2024-05-14 16:44:15,890 DEBUG SenderThread:130109 [sender.py:send():378] send: stats
88
+ 2024-05-14 16:44:15,890 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: defer
89
+ 2024-05-14 16:44:15,890 INFO HandlerThread:130109 [handler.py:handle_request_defer():184] handle defer: 3
90
+ 2024-05-14 16:44:15,890 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: defer
91
+ 2024-05-14 16:44:15,890 INFO SenderThread:130109 [sender.py:send_request_defer():609] handle sender defer: 3
92
+ 2024-05-14 16:44:15,890 INFO SenderThread:130109 [sender.py:transition_state():613] send defer: 4
93
+ 2024-05-14 16:44:15,890 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: defer
94
+ 2024-05-14 16:44:15,890 INFO HandlerThread:130109 [handler.py:handle_request_defer():184] handle defer: 4
95
+ 2024-05-14 16:44:15,891 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: defer
96
+ 2024-05-14 16:44:15,891 INFO SenderThread:130109 [sender.py:send_request_defer():609] handle sender defer: 4
97
+ 2024-05-14 16:44:15,891 INFO SenderThread:130109 [sender.py:transition_state():613] send defer: 5
98
+ 2024-05-14 16:44:15,891 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: defer
99
+ 2024-05-14 16:44:15,891 INFO HandlerThread:130109 [handler.py:handle_request_defer():184] handle defer: 5
100
+ 2024-05-14 16:44:15,891 DEBUG SenderThread:130109 [sender.py:send():378] send: summary
101
+ 2024-05-14 16:44:15,891 INFO SenderThread:130109 [sender.py:_save_file():1389] saving file wandb-summary.json with policy end
102
+ 2024-05-14 16:44:15,892 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: defer
103
+ 2024-05-14 16:44:15,892 INFO SenderThread:130109 [sender.py:send_request_defer():609] handle sender defer: 5
104
+ 2024-05-14 16:44:15,892 INFO SenderThread:130109 [sender.py:transition_state():613] send defer: 6
105
+ 2024-05-14 16:44:15,892 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: defer
106
+ 2024-05-14 16:44:15,892 INFO HandlerThread:130109 [handler.py:handle_request_defer():184] handle defer: 6
107
+ 2024-05-14 16:44:15,892 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: defer
108
+ 2024-05-14 16:44:15,892 INFO SenderThread:130109 [sender.py:send_request_defer():609] handle sender defer: 6
109
+ 2024-05-14 16:44:15,894 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: status_report
110
+ 2024-05-14 16:44:15,959 INFO SenderThread:130109 [sender.py:transition_state():613] send defer: 7
111
+ 2024-05-14 16:44:15,959 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: defer
112
+ 2024-05-14 16:44:15,959 INFO HandlerThread:130109 [handler.py:handle_request_defer():184] handle defer: 7
113
+ 2024-05-14 16:44:15,959 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: defer
114
+ 2024-05-14 16:44:15,959 INFO SenderThread:130109 [sender.py:send_request_defer():609] handle sender defer: 7
115
+ 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
116
+ 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
117
+ 2024-05-14 16:44:16,884 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: poll_exit
118
+ 2024-05-14 16:44:16,927 INFO SenderThread:130109 [sender.py:transition_state():613] send defer: 8
119
+ 2024-05-14 16:44:16,928 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: poll_exit
120
+ 2024-05-14 16:44:16,928 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: defer
121
+ 2024-05-14 16:44:16,928 INFO HandlerThread:130109 [handler.py:handle_request_defer():184] handle defer: 8
122
+ 2024-05-14 16:44:16,928 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: defer
123
+ 2024-05-14 16:44:16,928 INFO SenderThread:130109 [sender.py:send_request_defer():609] handle sender defer: 8
124
+ 2024-05-14 16:44:16,928 INFO SenderThread:130109 [job_builder.py:build():432] Attempting to build job artifact
125
+ 2024-05-14 16:44:16,929 INFO SenderThread:130109 [job_builder.py:_get_source_type():576] no source found
126
+ 2024-05-14 16:44:16,929 INFO SenderThread:130109 [sender.py:transition_state():613] send defer: 9
127
+ 2024-05-14 16:44:16,929 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: defer
128
+ 2024-05-14 16:44:16,929 INFO HandlerThread:130109 [handler.py:handle_request_defer():184] handle defer: 9
129
+ 2024-05-14 16:44:16,929 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: defer
130
+ 2024-05-14 16:44:16,929 INFO SenderThread:130109 [sender.py:send_request_defer():609] handle sender defer: 9
131
+ 2024-05-14 16:44:16,929 INFO SenderThread:130109 [dir_watcher.py:finish():358] shutting down directory watcher
132
+ 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
133
+ 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
134
+ 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
135
+ 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
136
+ 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
137
+ 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
138
+ 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
139
+ 2024-05-14 16:44:17,707 INFO SenderThread:130109 [sender.py:transition_state():613] send defer: 10
140
+ 2024-05-14 16:44:17,709 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: defer
141
+ 2024-05-14 16:44:17,710 INFO HandlerThread:130109 [handler.py:handle_request_defer():184] handle defer: 10
142
+ 2024-05-14 16:44:17,712 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: defer
143
+ 2024-05-14 16:44:17,712 INFO SenderThread:130109 [sender.py:send_request_defer():609] handle sender defer: 10
144
+ 2024-05-14 16:44:17,712 INFO SenderThread:130109 [file_pusher.py:finish():169] shutting down file pusher
145
+ 2024-05-14 16:44:17,884 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: poll_exit
146
+ 2024-05-14 16:44:17,885 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: poll_exit
147
+ 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
148
+ 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
149
+ 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
150
+ 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
151
+ 2024-05-14 16:44:18,442 INFO Thread-11 (_thread_body):130109 [sender.py:transition_state():613] send defer: 11
152
+ 2024-05-14 16:44:18,442 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: defer
153
+ 2024-05-14 16:44:18,442 INFO HandlerThread:130109 [handler.py:handle_request_defer():184] handle defer: 11
154
+ 2024-05-14 16:44:18,443 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: defer
155
+ 2024-05-14 16:44:18,443 INFO SenderThread:130109 [sender.py:send_request_defer():609] handle sender defer: 11
156
+ 2024-05-14 16:44:18,443 INFO SenderThread:130109 [file_pusher.py:join():175] waiting for file pusher
157
+ 2024-05-14 16:44:18,443 INFO SenderThread:130109 [sender.py:transition_state():613] send defer: 12
158
+ 2024-05-14 16:44:18,443 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: defer
159
+ 2024-05-14 16:44:18,443 INFO HandlerThread:130109 [handler.py:handle_request_defer():184] handle defer: 12
160
+ 2024-05-14 16:44:18,443 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: defer
161
+ 2024-05-14 16:44:18,443 INFO SenderThread:130109 [sender.py:send_request_defer():609] handle sender defer: 12
162
+ 2024-05-14 16:44:18,443 INFO SenderThread:130109 [file_stream.py:finish():601] file stream finish called
163
+ 2024-05-14 16:44:18,546 INFO SenderThread:130109 [file_stream.py:finish():605] file stream finish is done
164
+ 2024-05-14 16:44:18,546 INFO SenderThread:130109 [sender.py:transition_state():613] send defer: 13
165
+ 2024-05-14 16:44:18,546 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: defer
166
+ 2024-05-14 16:44:18,546 INFO HandlerThread:130109 [handler.py:handle_request_defer():184] handle defer: 13
167
+ 2024-05-14 16:44:18,546 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: defer
168
+ 2024-05-14 16:44:18,546 INFO SenderThread:130109 [sender.py:send_request_defer():609] handle sender defer: 13
169
+ 2024-05-14 16:44:18,546 INFO SenderThread:130109 [sender.py:transition_state():613] send defer: 14
170
+ 2024-05-14 16:44:18,546 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: defer
171
+ 2024-05-14 16:44:18,546 DEBUG SenderThread:130109 [sender.py:send():378] send: final
172
+ 2024-05-14 16:44:18,546 INFO HandlerThread:130109 [handler.py:handle_request_defer():184] handle defer: 14
173
+ 2024-05-14 16:44:18,547 DEBUG SenderThread:130109 [sender.py:send():378] send: footer
174
+ 2024-05-14 16:44:18,547 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: defer
175
+ 2024-05-14 16:44:18,547 INFO SenderThread:130109 [sender.py:send_request_defer():609] handle sender defer: 14
176
+ 2024-05-14 16:44:18,547 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: poll_exit
177
+ 2024-05-14 16:44:18,547 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: poll_exit
178
+ 2024-05-14 16:44:18,548 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: poll_exit
179
+ 2024-05-14 16:44:18,548 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: poll_exit
180
+ 2024-05-14 16:44:18,548 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: server_info
181
+ 2024-05-14 16:44:18,548 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: get_summary
182
+ 2024-05-14 16:44:18,548 DEBUG SenderThread:130109 [sender.py:send_request():405] send_request: server_info
183
+ 2024-05-14 16:44:18,549 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: sampled_history
184
+ 2024-05-14 16:44:18,550 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: internal_messages
185
+ 2024-05-14 16:44:18,624 INFO MainThread:130109 [wandb_run.py:_footer_history_summary_info():3994] rendering history
186
+ 2024-05-14 16:44:18,624 INFO MainThread:130109 [wandb_run.py:_footer_history_summary_info():4026] rendering summary
187
+ 2024-05-14 16:44:18,624 INFO MainThread:130109 [wandb_run.py:_footer_sync_info():3953] logging synced files
188
+ 2024-05-14 16:44:18,624 DEBUG HandlerThread:130109 [handler.py:handle_request():158] handle_request: shutdown
189
+ 2024-05-14 16:44:18,624 INFO HandlerThread:130109 [handler.py:finish():882] shutting down handler
190
+ 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
191
+ 2024-05-14 16:44:19,624 INFO SenderThread:130109 [sender.py:finish():1545] shutting down sender
192
+ 2024-05-14 16:44:19,624 INFO SenderThread:130109 [file_pusher.py:finish():169] shutting down file pusher
193
+ 2024-05-14 16:44:19,624 INFO SenderThread:130109 [file_pusher.py:join():175] waiting for file pusher
lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/logs/debug.log ADDED
@@ -0,0 +1,29 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2024-05-14 16:43:51,416 INFO MainThread:128890 [wandb_setup.py:_flush():76] Current SDK version is 0.17.0
2
+ 2024-05-14 16:43:51,416 INFO MainThread:128890 [wandb_setup.py:_flush():76] Configure stats pid to 128890
3
+ 2024-05-14 16:43:51,416 INFO MainThread:128890 [wandb_setup.py:_flush():76] Loading settings from /root/.config/wandb/settings
4
+ 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
5
+ 2024-05-14 16:43:51,416 INFO MainThread:128890 [wandb_setup.py:_flush():76] Loading settings from environment variables: {}
6
+ 2024-05-14 16:43:51,416 INFO MainThread:128890 [wandb_setup.py:_flush():76] Applying setup settings: {'_disable_service': False}
7
+ 2024-05-14 16:43:51,416 WARNING MainThread:128890 [wandb_setup.py:_flush():76] Could not find program at -m lm_eval.__main__
8
+ 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__'}
9
+ 2024-05-14 16:43:51,416 INFO MainThread:128890 [wandb_setup.py:_flush():76] Applying login settings: {}
10
+ 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
11
+ 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
12
+ 2024-05-14 16:43:51,417 INFO MainThread:128890 [wandb_init.py:init():560] calling init triggers
13
+ 2024-05-14 16:43:51,417 INFO MainThread:128890 [wandb_init.py:init():567] wandb.init called with sweep_config: {}
14
+ config: {}
15
+ 2024-05-14 16:43:51,417 INFO MainThread:128890 [wandb_init.py:init():610] starting backend
16
+ 2024-05-14 16:43:51,417 INFO MainThread:128890 [wandb_init.py:init():614] setting up manager
17
+ 2024-05-14 16:43:51,418 INFO MainThread:128890 [backend.py:_multiprocessing_setup():105] multiprocessing start_methods=fork,spawn,forkserver, using: spawn
18
+ 2024-05-14 16:43:51,419 INFO MainThread:128890 [wandb_init.py:init():622] backend started and connected
19
+ 2024-05-14 16:43:51,422 INFO MainThread:128890 [wandb_init.py:init():711] updated telemetry
20
+ 2024-05-14 16:43:51,432 INFO MainThread:128890 [wandb_init.py:init():744] communicating run to backend with 90.0 second timeout
21
+ 2024-05-14 16:43:51,694 INFO MainThread:128890 [wandb_run.py:_on_init():2396] communicating current version
22
+ 2024-05-14 16:43:51,773 INFO MainThread:128890 [wandb_run.py:_on_init():2405] got version response
23
+ 2024-05-14 16:43:51,773 INFO MainThread:128890 [wandb_init.py:init():795] starting run threads in backend
24
+ 2024-05-14 16:43:51,991 INFO MainThread:128890 [wandb_run.py:_console_start():2374] atexit reg
25
+ 2024-05-14 16:43:51,992 INFO MainThread:128890 [wandb_run.py:_redirect():2229] redirect: wrap_raw
26
+ 2024-05-14 16:43:51,992 INFO MainThread:128890 [wandb_run.py:_redirect():2294] Wrapping output streams.
27
+ 2024-05-14 16:43:51,992 INFO MainThread:128890 [wandb_run.py:_redirect():2319] Redirects installed.
28
+ 2024-05-14 16:43:51,994 INFO MainThread:128890 [wandb_init.py:init():838] run started, returning control to user process
29
+ 2024-05-14 16:44:19,625 WARNING MsgRouterThr:128890 [router.py:message_loop():77] message_loop has been closed
lm-evaluation-harness/wandb/run-20240514_164351-tzl0yppn/run-tzl0yppn.wandb ADDED
Binary file (11.6 kB). View file
 
lm-evaluation-harness/wandb/run-20240522_164449-z16tyxyv/files/config.yaml ADDED
@@ -0,0 +1,43 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ wandb_version: 1
2
+
3
+ _wandb:
4
+ desc: null
5
+ value:
6
+ python_version: 3.10.12
7
+ cli_version: 0.17.0
8
+ framework: huggingface
9
+ huggingface_version: 4.41.0
10
+ is_jupyter_run: false
11
+ is_kaggle_kernel: false
12
+ start_time: 1716396289
13
+ t:
14
+ 1:
15
+ - 1
16
+ - 5
17
+ - 11
18
+ - 49
19
+ - 51
20
+ - 53
21
+ - 55
22
+ - 71
23
+ - 98
24
+ - 100
25
+ 2:
26
+ - 1
27
+ - 5
28
+ - 11
29
+ - 49
30
+ - 51
31
+ - 53
32
+ - 55
33
+ - 71
34
+ - 98
35
+ - 100
36
+ 3:
37
+ - 23
38
+ 4: 3.10.12
39
+ 5: 0.17.0
40
+ 6: 4.41.0
41
+ 8:
42
+ - 5
43
+ 13: linux-x86_64
lm-evaluation-harness/wandb/run-20240522_164449-z16tyxyv/files/output.log ADDED
@@ -0,0 +1,43 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+
2
+ 2024-05-22:16:44:49,734 INFO [__main__.py:251] Verbosity set to INFO
3
+ 2024-05-22:16:44:58,265 INFO [__main__.py:335] Selected Tasks: ['arc_easy', 'hellaswag', 'mrpc', 'openbookqa', 'sst2', 'winogrande']
4
+ 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
5
+ 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'}
6
+ 2024-05-22:16:45:00,569 INFO [huggingface.py:164] Using device 'cuda'
7
+ Traceback (most recent call last):
8
+ File "/usr/local/lib/python3.10/dist-packages/transformers/utils/hub.py", line 399, in cached_file
9
+ resolved_file = hf_hub_download(
10
+ File "/usr/local/lib/python3.10/dist-packages/huggingface_hub/utils/_validators.py", line 106, in _inner_fn
11
+ validate_repo_id(arg_value)
12
+ File "/usr/local/lib/python3.10/dist-packages/huggingface_hub/utils/_validators.py", line 154, in validate_repo_id
13
+ raise HFValidationError(
14
+ 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.
15
+ The above exception was the direct cause of the following exception:
16
+ Traceback (most recent call last):
17
+ File "/usr/lib/python3.10/runpy.py", line 196, in _run_module_as_main
18
+ return _run_code(code, main_globals, None,
19
+ File "/usr/lib/python3.10/runpy.py", line 86, in _run_code
20
+ exec(code, run_globals)
21
+ File "/mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/lm_eval/__main__.py", line 417, in <module>
22
+ cli_evaluate()
23
+ File "/mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/lm_eval/__main__.py", line 341, in cli_evaluate
24
+ results = evaluator.simple_evaluate(
25
+ File "/mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/lm_eval/utils.py", line 288, in _wrapper
26
+ return fn(*args, **kwargs)
27
+ File "/mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/lm_eval/evaluator.py", line 180, in simple_evaluate
28
+ lm = lm_eval.api.registry.get_model(model).create_from_arg_string(
29
+ File "/mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/lm_eval/api/model.py", line 134, in create_from_arg_string
30
+ return cls(**args, **args2)
31
+ File "/mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/lm_eval/models/huggingface.py", line 190, in __init__
32
+ self._get_config(
33
+ File "/mnt/weka/peacock/idc/cronscript/lm-evaluation-harness/lm_eval/models/huggingface.py", line 471, in _get_config
34
+ self._config = transformers.AutoConfig.from_pretrained(
35
+ File "/usr/local/lib/python3.10/dist-packages/transformers/models/auto/configuration_auto.py", line 934, in from_pretrained
36
+ config_dict, unused_kwargs = PretrainedConfig.get_config_dict(pretrained_model_name_or_path, **kwargs)
37
+ File "/usr/local/lib/python3.10/dist-packages/transformers/configuration_utils.py", line 632, in get_config_dict
38
+ config_dict, kwargs = cls._get_config_dict(pretrained_model_name_or_path, **kwargs)
39
+ File "/usr/local/lib/python3.10/dist-packages/transformers/configuration_utils.py", line 689, in _get_config_dict
40
+ resolved_config_file = cached_file(
41
+ File "/usr/local/lib/python3.10/dist-packages/transformers/utils/hub.py", line 463, in cached_file
42
+ raise EnvironmentError(
43
+ 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.
lm-evaluation-harness/wandb/run-20240522_164449-z16tyxyv/files/requirements.txt ADDED
@@ -0,0 +1,155 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ DataProperty==1.0.1
2
+ GitPython==3.1.43
3
+ Jinja2==3.1.4
4
+ Markdown==3.6
5
+ MarkupSafe==2.1.5
6
+ Pillow-SIMD==7.0.0.post3
7
+ PyYAML==6.0
8
+ Werkzeug==3.0.3
9
+ absl-py==2.1.0
10
+ accelerate==0.30.1
11
+ aiohttp==3.9.5
12
+ aiosignal==1.3.1
13
+ async-timeout==4.0.3
14
+ attrs==23.2.0
15
+ av==9.2.0
16
+ cachetools==5.3.3
17
+ certifi==2024.2.2
18
+ cffi==1.15.1
19
+ cfgv==3.4.0
20
+ chardet==5.2.0
21
+ charset-normalizer==3.3.2
22
+ click==8.1.7
23
+ cmake==3.29.2
24
+ colorama==0.4.6
25
+ datasets==2.19.1
26
+ deepspeed==0.12.4+hpu.synapse.v1.15.1
27
+ dill==0.3.8
28
+ distlib==0.3.8
29
+ docker-pycreds==0.4.0
30
+ einops==0.8.0
31
+ evaluate==0.4.2
32
+ exceptiongroup==1.2.1
33
+ expecttest==0.2.1
34
+ filelock==3.14.0
35
+ frozenlist==1.4.1
36
+ fsspec==2024.3.1
37
+ gitdb==4.0.11
38
+ google-auth-oauthlib==0.4.6
39
+ google-auth==2.29.0
40
+ grpcio==1.63.0
41
+ habana-media-loader==1.15.1.15
42
+ habana-pyhlml==1.15.1.15
43
+ habana-torch-dataloader==1.15.1.15
44
+ habana-torch-plugin==1.15.1.15
45
+ habana_gpu_migration==1.15.1.15
46
+ habana_quantization_toolkit==1.15.1.15
47
+ hjson==3.1.0
48
+ huggingface-hub==0.23.1
49
+ identify==2.5.36
50
+ idna==3.7
51
+ iniconfig==2.0.0
52
+ joblib==1.4.2
53
+ jsonlines==4.0.0
54
+ lightning-habana==1.4.0
55
+ lightning-utilities==0.11.2
56
+ lightning==2.2.0.post0
57
+ lm_eval==0.4.2
58
+ lm_eval==0.4.2
59
+ lm_eval==0.4.2
60
+ lxml==5.2.2
61
+ mbstrdecoder==1.1.3
62
+ more-itertools==10.2.0
63
+ mpi4py==3.1.4
64
+ mpmath==1.3.0
65
+ multidict==6.0.5
66
+ multiprocess==0.70.16
67
+ networkx==3.3
68
+ ninja==1.11.1.1
69
+ nltk==3.8.1
70
+ nodeenv==1.8.0
71
+ numexpr==2.10.0
72
+ numpy==1.23.5
73
+ oauthlib==3.2.2
74
+ packaging==24.0
75
+ pandas==2.0.1
76
+ pathspec==0.12.1
77
+ pathvalidate==3.2.0
78
+ peft==0.11.1
79
+ perfetto==0.7.0
80
+ pillow==10.3.0
81
+ pip==22.0.2
82
+ pip==23.3.1
83
+ platformdirs==4.2.1
84
+ pluggy==1.5.0
85
+ portalocker==2.8.2
86
+ pre-commit==3.3.3
87
+ pretty-errors==1.2.25
88
+ protobuf==3.20.3
89
+ psutil==5.9.8
90
+ py-cpuinfo==9.0.0
91
+ pyarrow-hotfix==0.6
92
+ pyarrow==16.1.0
93
+ pyasn1==0.6.0
94
+ pyasn1_modules==0.4.0
95
+ pybind11==2.10.4
96
+ pycparser==2.22
97
+ pydantic==1.10.13
98
+ pynvml==8.0.4
99
+ pytablewriter==1.2.0
100
+ pytest==8.2.0
101
+ python-dateutil==2.9.0.post0
102
+ pytorch-lightning==2.2.4
103
+ pytz==2024.1
104
+ regex==2023.5.5
105
+ requests-oauthlib==2.0.0
106
+ requests==2.31.0
107
+ rouge_score==0.1.2
108
+ rsa==4.9
109
+ sacrebleu==2.4.2
110
+ safetensors==0.4.3
111
+ scikit-learn==1.5.0
112
+ scipy==1.13.0
113
+ sentencepiece==0.2.0
114
+ sentry-sdk==2.2.1
115
+ setproctitle==1.3.3
116
+ setuptools==59.6.0
117
+ setuptools==69.5.1
118
+ six==1.16.0
119
+ smmap==5.0.1
120
+ sqlitedict==2.1.0
121
+ symengine==0.11.0
122
+ sympy==1.12
123
+ tabledata==1.3.3
124
+ tabulate==0.9.0
125
+ tcolorpy==0.1.6
126
+ tdqm==0.0.1
127
+ tensorboard-data-server==0.6.1
128
+ tensorboard-plugin-wit==1.8.1
129
+ tensorboard==2.11.2
130
+ threadpoolctl==3.5.0
131
+ tokenizers==0.19.1
132
+ tomli==2.0.1
133
+ torch==2.2.0a0+git8964477
134
+ torch_tb_profiler==0.4.0
135
+ torchaudio==2.2.0+08901ad
136
+ torchdata==0.7.1+5e6f7b7
137
+ torchmetrics==1.4.0
138
+ torchtext==0.17.0+400da5c
139
+ torchvision==0.17.0+b2383d4
140
+ tqdm-multiprocess==0.0.11
141
+ tqdm==4.66.4
142
+ transformers==4.41.0
143
+ typepy==1.3.2
144
+ typing_extensions==4.11.0
145
+ tzdata==2024.1
146
+ urllib3==1.26.18
147
+ virtualenv==20.26.1
148
+ wandb==0.17.0
149
+ wheel==0.37.1
150
+ wheel==0.43.0
151
+ word2number==1.1
152
+ xxhash==3.4.1
153
+ yamllint==1.35.1
154
+ yarl==1.9.4
155
+ zstandard==0.22.0
lm-evaluation-harness/wandb/run-20240522_164449-z16tyxyv/files/wandb-metadata.json ADDED
@@ -0,0 +1,850 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "os": "Linux-5.15.0-92-generic-x86_64-with-glibc2.35",
3
+ "python": "3.10.12",
4
+ "heartbeatAt": "2024-05-22T16:44:49.525663",
5
+ "startedAt": "2024-05-22T16:44:49.029043",
6
+ "docker": null,
7
+ "cuda": null,
8
+ "args": [
9
+ "--model",
10
+ "hf",
11
+ "--model_args",
12
+ "pretrained=/mnt/weka/peacock/experiments/llama/checkpoint/llamav2-3b//hf_ckpt//global_step10000",
13
+ "--tasks",
14
+ "hellaswag,arc_easy,openbookqa,winogrande,sst2,mrpc",
15
+ "--batch_size",
16
+ "auto",
17
+ "--wandb_args",
18
+ "project=bharatgpt,group=trial_expt_2"
19
+ ],
20
+ "state": "running",
21
+ "program": "-m lm_eval.__main__",
22
+ "codePathLocal": null,
23
+ "git": {
24
+ "remote": "https://github.com/EleutherAI/lm-evaluation-harness",
25
+ "commit": null
26
+ },
27
+ "email": null,
28
+ "root": "/mnt/weka/peacock/idc/cronscript/lm-evaluation-harness",
29
+ "host": "peacock-evaluation-worker-0",
30
+ "username": "root",
31
+ "executable": "/usr/bin/python3",
32
+ "cpu_count": 80,
33
+ "cpu_count_logical": 160,
34
+ "cpu_freq": {
35
+ "current": 2327.50001875,
36
+ "min": 800.0,
37
+ "max": 3400.0
38
+ },
39
+ "cpu_freq_per_core": [
40
+ {
41
+ "current": 3400.0,
42
+ "min": 800.0,
43
+ "max": 3400.0
44
+ },
45
+ {
46
+ "current": 3400.002,
47
+ "min": 800.0,
48
+ "max": 3400.0
49
+ },
50
+ {
51
+ "current": 2300.0,
52
+ "min": 800.0,
53
+ "max": 3400.0
54
+ },
55
+ {
56
+ "current": 2300.0,
57
+ "min": 800.0,
58
+ "max": 3400.0
59
+ },
60
+ {
61
+ "current": 2300.0,
62
+ "min": 800.0,
63
+ "max": 3400.0
64
+ },
65
+ {
66
+ "current": 2300.0,
67
+ "min": 800.0,
68
+ "max": 3400.0
69
+ },
70
+ {
71
+ "current": 2300.0,
72
+ "min": 800.0,
73
+ "max": 3400.0
74
+ },
75
+ {
76
+ "current": 2300.0,
77
+ "min": 800.0,
78
+ "max": 3400.0
79
+ },
80
+ {
81
+ "current": 2300.0,
82
+ "min": 800.0,
83
+ "max": 3400.0
84
+ },
85
+ {
86
+ "current": 2300.0,
87
+ "min": 800.0,
88
+ "max": 3400.0
89
+ },
90
+ {
91
+ "current": 2300.0,
92
+ "min": 800.0,
93
+ "max": 3400.0
94
+ },
95
+ {
96
+ "current": 2300.0,
97
+ "min": 800.0,
98
+ "max": 3400.0
99
+ },
100
+ {
101
+ "current": 2300.0,
102
+ "min": 800.0,
103
+ "max": 3400.0
104
+ },
105
+ {
106
+ "current": 2300.0,
107
+ "min": 800.0,
108
+ "max": 3400.0
109
+ },
110
+ {
111
+ "current": 2300.0,
112
+ "min": 800.0,
113
+ "max": 3400.0
114
+ },
115
+ {
116
+ "current": 2300.0,
117
+ "min": 800.0,
118
+ "max": 3400.0
119
+ },
120
+ {
121
+ "current": 2300.0,
122
+ "min": 800.0,
123
+ "max": 3400.0
124
+ },
125
+ {
126
+ "current": 2300.0,
127
+ "min": 800.0,
128
+ "max": 3400.0
129
+ },
130
+ {
131
+ "current": 2300.0,
132
+ "min": 800.0,
133
+ "max": 3400.0
134
+ },
135
+ {
136
+ "current": 2300.0,
137
+ "min": 800.0,
138
+ "max": 3400.0
139
+ },
140
+ {
141
+ "current": 2300.0,
142
+ "min": 800.0,
143
+ "max": 3400.0
144
+ },
145
+ {
146
+ "current": 2300.0,
147
+ "min": 800.0,
148
+ "max": 3400.0
149
+ },
150
+ {
151
+ "current": 2300.0,
152
+ "min": 800.0,
153
+ "max": 3400.0
154
+ },
155
+ {
156
+ "current": 2300.0,
157
+ "min": 800.0,
158
+ "max": 3400.0
159
+ },
160
+ {
161
+ "current": 2300.0,
162
+ "min": 800.0,
163
+ "max": 3400.0
164
+ },
165
+ {
166
+ "current": 2300.0,
167
+ "min": 800.0,
168
+ "max": 3400.0
169
+ },
170
+ {
171
+ "current": 2300.0,
172
+ "min": 800.0,
173
+ "max": 3400.0
174
+ },
175
+ {
176
+ "current": 2300.0,
177
+ "min": 800.0,
178
+ "max": 3400.0
179
+ },
180
+ {
181
+ "current": 2300.0,
182
+ "min": 800.0,
183
+ "max": 3400.0
184
+ },
185
+ {
186
+ "current": 2300.0,
187
+ "min": 800.0,
188
+ "max": 3400.0
189
+ },
190
+ {
191
+ "current": 2300.0,
192
+ "min": 800.0,
193
+ "max": 3400.0
194
+ },
195
+ {
196
+ "current": 2300.0,
197
+ "min": 800.0,
198
+ "max": 3400.0
199
+ },
200
+ {
201
+ "current": 2300.0,
202
+ "min": 800.0,
203
+ "max": 3400.0
204
+ },
205
+ {
206
+ "current": 2300.0,
207
+ "min": 800.0,
208
+ "max": 3400.0
209
+ },
210
+ {
211
+ "current": 2300.0,
212
+ "min": 800.0,
213
+ "max": 3400.0
214
+ },
215
+ {
216
+ "current": 2300.0,
217
+ "min": 800.0,
218
+ "max": 3400.0
219
+ },
220
+ {
221
+ "current": 2300.0,
222
+ "min": 800.0,
223
+ "max": 3400.0
224
+ },
225
+ {
226
+ "current": 2300.0,
227
+ "min": 800.0,
228
+ "max": 3400.0
229
+ },
230
+ {
231
+ "current": 2300.0,
232
+ "min": 800.0,
233
+ "max": 3400.0
234
+ },
235
+ {
236
+ "current": 2300.0,
237
+ "min": 800.0,
238
+ "max": 3400.0
239
+ },
240
+ {
241
+ "current": 3400.0,
242
+ "min": 800.0,
243
+ "max": 3400.0
244
+ },
245
+ {
246
+ "current": 2300.0,
247
+ "min": 800.0,
248
+ "max": 3400.0
249
+ },
250
+ {
251
+ "current": 2300.0,
252
+ "min": 800.0,
253
+ "max": 3400.0
254
+ },
255
+ {
256
+ "current": 2300.0,
257
+ "min": 800.0,
258
+ "max": 3400.0
259
+ },
260
+ {
261
+ "current": 2300.0,
262
+ "min": 800.0,
263
+ "max": 3400.0
264
+ },
265
+ {
266
+ "current": 2300.0,
267
+ "min": 800.0,
268
+ "max": 3400.0
269
+ },
270
+ {
271
+ "current": 2300.0,
272
+ "min": 800.0,
273
+ "max": 3400.0
274
+ },
275
+ {
276
+ "current": 2300.0,
277
+ "min": 800.0,
278
+ "max": 3400.0
279
+ },
280
+ {
281
+ "current": 2300.0,
282
+ "min": 800.0,
283
+ "max": 3400.0
284
+ },
285
+ {
286
+ "current": 2300.0,
287
+ "min": 800.0,
288
+ "max": 3400.0
289
+ },
290
+ {
291
+ "current": 2300.0,
292
+ "min": 800.0,
293
+ "max": 3400.0
294
+ },
295
+ {
296
+ "current": 2300.0,
297
+ "min": 800.0,
298
+ "max": 3400.0
299
+ },
300
+ {
301
+ "current": 2300.0,
302
+ "min": 800.0,
303
+ "max": 3400.0
304
+ },
305
+ {
306
+ "current": 2300.0,
307
+ "min": 800.0,
308
+ "max": 3400.0
309
+ },
310
+ {
311
+ "current": 2300.0,
312
+ "min": 800.0,
313
+ "max": 3400.0
314
+ },
315
+ {
316
+ "current": 2300.0,
317
+ "min": 800.0,
318
+ "max": 3400.0
319
+ },
320
+ {
321
+ "current": 2300.0,
322
+ "min": 800.0,
323
+ "max": 3400.0
324
+ },
325
+ {
326
+ "current": 2300.0,
327
+ "min": 800.0,
328
+ "max": 3400.0
329
+ },
330
+ {
331
+ "current": 2300.0,
332
+ "min": 800.0,
333
+ "max": 3400.0
334
+ },
335
+ {
336
+ "current": 2300.0,
337
+ "min": 800.0,
338
+ "max": 3400.0
339
+ },
340
+ {
341
+ "current": 2300.0,
342
+ "min": 800.0,
343
+ "max": 3400.0
344
+ },
345
+ {
346
+ "current": 2300.0,
347
+ "min": 800.0,
348
+ "max": 3400.0
349
+ },
350
+ {
351
+ "current": 2300.0,
352
+ "min": 800.0,
353
+ "max": 3400.0
354
+ },
355
+ {
356
+ "current": 2300.0,
357
+ "min": 800.0,
358
+ "max": 3400.0
359
+ },
360
+ {
361
+ "current": 2300.0,
362
+ "min": 800.0,
363
+ "max": 3400.0
364
+ },
365
+ {
366
+ "current": 2300.0,
367
+ "min": 800.0,
368
+ "max": 3400.0
369
+ },
370
+ {
371
+ "current": 2300.0,
372
+ "min": 800.0,
373
+ "max": 3400.0
374
+ },
375
+ {
376
+ "current": 2300.0,
377
+ "min": 800.0,
378
+ "max": 3400.0
379
+ },
380
+ {
381
+ "current": 2300.0,
382
+ "min": 800.0,
383
+ "max": 3400.0
384
+ },
385
+ {
386
+ "current": 2300.0,
387
+ "min": 800.0,
388
+ "max": 3400.0
389
+ },
390
+ {
391
+ "current": 2300.0,
392
+ "min": 800.0,
393
+ "max": 3400.0
394
+ },
395
+ {
396
+ "current": 2300.0,
397
+ "min": 800.0,
398
+ "max": 3400.0
399
+ },
400
+ {
401
+ "current": 2300.0,
402
+ "min": 800.0,
403
+ "max": 3400.0
404
+ },
405
+ {
406
+ "current": 2300.0,
407
+ "min": 800.0,
408
+ "max": 3400.0
409
+ },
410
+ {
411
+ "current": 2300.0,
412
+ "min": 800.0,
413
+ "max": 3400.0
414
+ },
415
+ {
416
+ "current": 2300.0,
417
+ "min": 800.0,
418
+ "max": 3400.0
419
+ },
420
+ {
421
+ "current": 2300.0,
422
+ "min": 800.0,
423
+ "max": 3400.0
424
+ },
425
+ {
426
+ "current": 2300.0,
427
+ "min": 800.0,
428
+ "max": 3400.0
429
+ },
430
+ {
431
+ "current": 2300.0,
432
+ "min": 800.0,
433
+ "max": 3400.0
434
+ },
435
+ {
436
+ "current": 2300.0,
437
+ "min": 800.0,
438
+ "max": 3400.0
439
+ },
440
+ {
441
+ "current": 3400.0,
442
+ "min": 800.0,
443
+ "max": 3400.0
444
+ },
445
+ {
446
+ "current": 2300.0,
447
+ "min": 800.0,
448
+ "max": 3400.0
449
+ },
450
+ {
451
+ "current": 2300.0,
452
+ "min": 800.0,
453
+ "max": 3400.0
454
+ },
455
+ {
456
+ "current": 2300.0,
457
+ "min": 800.0,
458
+ "max": 3400.0
459
+ },
460
+ {
461
+ "current": 2300.0,
462
+ "min": 800.0,
463
+ "max": 3400.0
464
+ },
465
+ {
466
+ "current": 2300.0,
467
+ "min": 800.0,
468
+ "max": 3400.0
469
+ },
470
+ {
471
+ "current": 2300.0,
472
+ "min": 800.0,
473
+ "max": 3400.0
474
+ },
475
+ {
476
+ "current": 2300.0,
477
+ "min": 800.0,
478
+ "max": 3400.0
479
+ },
480
+ {
481
+ "current": 2300.0,
482
+ "min": 800.0,
483
+ "max": 3400.0
484
+ },
485
+ {
486
+ "current": 2300.0,
487
+ "min": 800.0,
488
+ "max": 3400.0
489
+ },
490
+ {
491
+ "current": 2300.0,
492
+ "min": 800.0,
493
+ "max": 3400.0
494
+ },
495
+ {
496
+ "current": 2300.0,
497
+ "min": 800.0,
498
+ "max": 3400.0
499
+ },
500
+ {
501
+ "current": 2300.0,
502
+ "min": 800.0,
503
+ "max": 3400.0
504
+ },
505
+ {
506
+ "current": 2300.0,
507
+ "min": 800.0,
508
+ "max": 3400.0
509
+ },
510
+ {
511
+ "current": 2300.0,
512
+ "min": 800.0,
513
+ "max": 3400.0
514
+ },
515
+ {
516
+ "current": 2300.0,
517
+ "min": 800.0,
518
+ "max": 3400.0
519
+ },
520
+ {
521
+ "current": 2300.0,
522
+ "min": 800.0,
523
+ "max": 3400.0
524
+ },
525
+ {
526
+ "current": 2300.0,
527
+ "min": 800.0,
528
+ "max": 3400.0
529
+ },
530
+ {
531
+ "current": 2300.0,
532
+ "min": 800.0,
533
+ "max": 3400.0
534
+ },
535
+ {
536
+ "current": 2300.0,
537
+ "min": 800.0,
538
+ "max": 3400.0
539
+ },
540
+ {
541
+ "current": 2300.0,
542
+ "min": 800.0,
543
+ "max": 3400.0
544
+ },
545
+ {
546
+ "current": 2300.0,
547
+ "min": 800.0,
548
+ "max": 3400.0
549
+ },
550
+ {
551
+ "current": 2300.0,
552
+ "min": 800.0,
553
+ "max": 3400.0
554
+ },
555
+ {
556
+ "current": 2300.0,
557
+ "min": 800.0,
558
+ "max": 3400.0
559
+ },
560
+ {
561
+ "current": 2300.0,
562
+ "min": 800.0,
563
+ "max": 3400.0
564
+ },
565
+ {
566
+ "current": 2300.0,
567
+ "min": 800.0,
568
+ "max": 3400.0
569
+ },
570
+ {
571
+ "current": 2300.0,
572
+ "min": 800.0,
573
+ "max": 3400.0
574
+ },
575
+ {
576
+ "current": 2300.0,
577
+ "min": 800.0,
578
+ "max": 3400.0
579
+ },
580
+ {
581
+ "current": 2300.0,
582
+ "min": 800.0,
583
+ "max": 3400.0
584
+ },
585
+ {
586
+ "current": 2300.0,
587
+ "min": 800.0,
588
+ "max": 3400.0
589
+ },
590
+ {
591
+ "current": 2300.0,
592
+ "min": 800.0,
593
+ "max": 3400.0
594
+ },
595
+ {
596
+ "current": 2300.0,
597
+ "min": 800.0,
598
+ "max": 3400.0
599
+ },
600
+ {
601
+ "current": 2300.0,
602
+ "min": 800.0,
603
+ "max": 3400.0
604
+ },
605
+ {
606
+ "current": 2300.0,
607
+ "min": 800.0,
608
+ "max": 3400.0
609
+ },
610
+ {
611
+ "current": 2300.0,
612
+ "min": 800.0,
613
+ "max": 3400.0
614
+ },
615
+ {
616
+ "current": 2300.0,
617
+ "min": 800.0,
618
+ "max": 3400.0
619
+ },
620
+ {
621
+ "current": 2300.0,
622
+ "min": 800.0,
623
+ "max": 3400.0
624
+ },
625
+ {
626
+ "current": 2300.0,
627
+ "min": 800.0,
628
+ "max": 3400.0
629
+ },
630
+ {
631
+ "current": 2300.0,
632
+ "min": 800.0,
633
+ "max": 3400.0
634
+ },
635
+ {
636
+ "current": 2300.0,
637
+ "min": 800.0,
638
+ "max": 3400.0
639
+ },
640
+ {
641
+ "current": 2300.0,
642
+ "min": 800.0,
643
+ "max": 3400.0
644
+ },
645
+ {
646
+ "current": 2300.0,
647
+ "min": 800.0,
648
+ "max": 3400.0
649
+ },
650
+ {
651
+ "current": 2300.0,
652
+ "min": 800.0,
653
+ "max": 3400.0
654
+ },
655
+ {
656
+ "current": 2300.0,
657
+ "min": 800.0,
658
+ "max": 3400.0
659
+ },
660
+ {
661
+ "current": 2300.0,
662
+ "min": 800.0,
663
+ "max": 3400.0
664
+ },
665
+ {
666
+ "current": 2300.0,
667
+ "min": 800.0,
668
+ "max": 3400.0
669
+ },
670
+ {
671
+ "current": 2300.0,
672
+ "min": 800.0,
673
+ "max": 3400.0
674
+ },
675
+ {
676
+ "current": 2300.0,
677
+ "min": 800.0,
678
+ "max": 3400.0
679
+ },
680
+ {
681
+ "current": 2300.0,
682
+ "min": 800.0,
683
+ "max": 3400.0
684
+ },
685
+ {
686
+ "current": 2300.0,
687
+ "min": 800.0,
688
+ "max": 3400.0
689
+ },
690
+ {
691
+ "current": 2300.0,
692
+ "min": 800.0,
693
+ "max": 3400.0
694
+ },
695
+ {
696
+ "current": 2300.0,
697
+ "min": 800.0,
698
+ "max": 3400.0
699
+ },
700
+ {
701
+ "current": 2300.0,
702
+ "min": 800.0,
703
+ "max": 3400.0
704
+ },
705
+ {
706
+ "current": 2300.0,
707
+ "min": 800.0,
708
+ "max": 3400.0
709
+ },
710
+ {
711
+ "current": 2300.0,
712
+ "min": 800.0,
713
+ "max": 3400.0
714
+ },
715
+ {
716
+ "current": 2300.0,
717
+ "min": 800.0,
718
+ "max": 3400.0
719
+ },
720
+ {
721
+ "current": 2300.0,
722
+ "min": 800.0,
723
+ "max": 3400.0
724
+ },
725
+ {
726
+ "current": 2300.0,
727
+ "min": 800.0,
728
+ "max": 3400.0
729
+ },
730
+ {
731
+ "current": 2300.0,
732
+ "min": 800.0,
733
+ "max": 3400.0
734
+ },
735
+ {
736
+ "current": 2300.0,
737
+ "min": 800.0,
738
+ "max": 3400.0
739
+ },
740
+ {
741
+ "current": 2300.0,
742
+ "min": 800.0,
743
+ "max": 3400.0
744
+ },
745
+ {
746
+ "current": 2300.0,
747
+ "min": 800.0,
748
+ "max": 3400.0
749
+ },
750
+ {
751
+ "current": 2300.0,
752
+ "min": 800.0,
753
+ "max": 3400.0
754
+ },
755
+ {
756
+ "current": 2300.0,
757
+ "min": 800.0,
758
+ "max": 3400.0
759
+ },
760
+ {
761
+ "current": 2300.0,
762
+ "min": 800.0,
763
+ "max": 3400.0
764
+ },
765
+ {
766
+ "current": 2300.0,
767
+ "min": 800.0,
768
+ "max": 3400.0
769
+ },
770
+ {
771
+ "current": 2300.0,
772
+ "min": 800.0,
773
+ "max": 3400.0
774
+ },
775
+ {
776
+ "current": 2300.0,
777
+ "min": 800.0,
778
+ "max": 3400.0
779
+ },
780
+ {
781
+ "current": 2300.0,
782
+ "min": 800.0,
783
+ "max": 3400.0
784
+ },
785
+ {
786
+ "current": 2300.0,
787
+ "min": 800.0,
788
+ "max": 3400.0
789
+ },
790
+ {
791
+ "current": 2300.0,
792
+ "min": 800.0,
793
+ "max": 3400.0
794
+ },
795
+ {
796
+ "current": 2300.0,
797
+ "min": 800.0,
798
+ "max": 3400.0
799
+ },
800
+ {
801
+ "current": 2300.0,
802
+ "min": 800.0,
803
+ "max": 3400.0
804
+ },
805
+ {
806
+ "current": 2300.0,
807
+ "min": 800.0,
808
+ "max": 3400.0
809
+ },
810
+ {
811
+ "current": 2300.0,
812
+ "min": 800.0,
813
+ "max": 3400.0
814
+ },
815
+ {
816
+ "current": 2300.0,
817
+ "min": 800.0,
818
+ "max": 3400.0
819
+ },
820
+ {
821
+ "current": 2300.0,
822
+ "min": 800.0,
823
+ "max": 3400.0
824
+ },
825
+ {
826
+ "current": 2300.0,
827
+ "min": 800.0,
828
+ "max": 3400.0
829
+ },
830
+ {
831
+ "current": 2300.0,
832
+ "min": 800.0,
833
+ "max": 3400.0
834
+ },
835
+ {
836
+ "current": 2300.0,
837
+ "min": 800.0,
838
+ "max": 3400.0
839
+ }
840
+ ],
841
+ "disk": {
842
+ "/": {
843
+ "total": 877.6341285705566,
844
+ "used": 211.64120483398438
845
+ }
846
+ },
847
+ "memory": {
848
+ "total": 1007.4379997253418
849
+ }
850
+ }