wisent 0.5.11__py3-none-any.whl → 0.5.13__py3-none-any.whl
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
Potentially problematic release.
This version of wisent might be problematic. Click here for more details.
- wisent/__init__.py +1 -1
- wisent/core/activations/__init__.py +26 -0
- wisent/core/activations/activations.py +96 -0
- wisent/core/activations/activations_collector.py +71 -20
- wisent/core/activations/prompt_construction_strategy.py +47 -0
- wisent/core/agent/budget.py +2 -2
- wisent/core/agent/device_benchmarks.py +1 -1
- wisent/core/agent/diagnose/classifier_marketplace.py +8 -8
- wisent/core/agent/diagnose/response_diagnostics.py +4 -4
- wisent/core/agent/diagnose/synthetic_classifier_option.py +1 -1
- wisent/core/agent/diagnose/tasks/task_manager.py +3 -3
- wisent/core/agent/diagnose.py +2 -1
- wisent/core/autonomous_agent.py +10 -2
- wisent/core/benchmark_extractors.py +293 -0
- wisent/core/bigcode_integration.py +20 -7
- wisent/core/branding.py +108 -0
- wisent/core/cli/__init__.py +15 -0
- wisent/core/cli/create_steering_vector.py +138 -0
- wisent/core/cli/evaluate_responses.py +715 -0
- wisent/core/cli/generate_pairs.py +128 -0
- wisent/core/cli/generate_pairs_from_task.py +119 -0
- wisent/core/cli/generate_responses.py +129 -0
- wisent/core/cli/generate_vector_from_synthetic.py +149 -0
- wisent/core/cli/generate_vector_from_task.py +147 -0
- wisent/core/cli/get_activations.py +191 -0
- wisent/core/cli/optimize_classification.py +339 -0
- wisent/core/cli/optimize_steering.py +364 -0
- wisent/core/cli/tasks.py +182 -0
- wisent/core/cli_logger.py +22 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/atoms.py +27 -1
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_extractor_manifest.py +49 -1
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/arc_challenge.py +115 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/arc_easy.py +115 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/arithmetic.py +111 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/asdiv.py +119 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/boolq.py +115 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/cb.py +114 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/copa.py +118 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/coqa.py +146 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/drop.py +129 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/gsm8k.py +119 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/headqa.py +112 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/hellaswag.py +113 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/livecodebench.py +367 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/logiqa.py +115 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/logiqa2.py +114 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/mc-taco.py +113 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/medqa.py +112 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/mrpc.py +111 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/multirc.py +114 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/mutual.py +113 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/openbookqa.py +115 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/pawsx.py +111 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/piqa.py +113 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/prost.py +113 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/pubmedqa.py +112 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/qa4mre.py +116 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/qasper.py +115 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/qnli.py +111 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/qqp.py +111 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/race.py +121 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/record.py +121 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/rte.py +111 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/sciq.py +110 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/social_iqa.py +114 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/squad2.py +124 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/sst2.py +111 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/swag.py +112 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/triviaqa.py +127 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/truthfulqa_gen.py +112 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/truthfulqa_mc1.py +117 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/truthfulqa_mc2.py +117 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/webqs.py +127 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/wic.py +119 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/winogrande.py +1 -1
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/wnli.py +111 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/wsc.py +114 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/xnli.py +112 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/xstorycloze.py +114 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/xwinograd.py +114 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_pairs_generation.py +1 -1
- wisent/core/data_loaders/__init__.py +235 -0
- wisent/core/data_loaders/loaders/lm_loader.py +2 -2
- wisent/core/data_loaders/loaders/task_interface_loader.py +300 -0
- wisent/{cli/data_loaders/data_loader_rotator.py → core/data_loaders/rotator.py} +1 -1
- wisent/core/download_full_benchmarks.py +79 -2
- wisent/core/evaluators/benchmark_specific/__init__.py +26 -0
- wisent/{benchmarks → core/evaluators/benchmark_specific}/coding/metrics/evaluator.py +17 -17
- wisent/{benchmarks → core/evaluators/benchmark_specific}/coding/output_sanitizer/cpp_sanitizer.py +2 -2
- wisent/{benchmarks → core/evaluators/benchmark_specific}/coding/output_sanitizer/java_sanitizer.py +2 -2
- wisent/{benchmarks → core/evaluators/benchmark_specific}/coding/output_sanitizer/python_sanitizer.py +2 -2
- wisent/core/evaluators/benchmark_specific/coding/providers/livecodebench/__init__.py +3 -0
- wisent/core/evaluators/benchmark_specific/coding/providers/livecodebench/provider.py +305 -0
- wisent/{benchmarks → core/evaluators/benchmark_specific}/coding/safe_docker/core/runtime.py +36 -4
- wisent/{benchmarks → core/evaluators/benchmark_specific}/coding/safe_docker/entrypoint.py +2 -4
- wisent/{benchmarks → core/evaluators/benchmark_specific}/coding/safe_docker/recipes.py +1 -1
- wisent/core/evaluators/benchmark_specific/coding/solution_generator.py +258 -0
- wisent/core/evaluators/benchmark_specific/exact_match_evaluator.py +79 -0
- wisent/core/evaluators/benchmark_specific/f1_evaluator.py +101 -0
- wisent/core/evaluators/benchmark_specific/generation_evaluator.py +197 -0
- wisent/core/{log_likelihoods_evaluator.py → evaluators/benchmark_specific/log_likelihoods_evaluator.py} +10 -2
- wisent/core/evaluators/benchmark_specific/perplexity_evaluator.py +140 -0
- wisent/core/evaluators/benchmark_specific/personalization_evaluator.py +250 -0
- wisent/{cli/evaluators/evaluator_rotator.py → core/evaluators/rotator.py} +4 -4
- wisent/core/lm_eval_harness_ground_truth.py +3 -2
- wisent/core/main.py +57 -0
- wisent/core/model_persistence.py +2 -2
- wisent/core/models/wisent_model.py +8 -6
- wisent/core/optuna/classifier/optuna_classifier_optimizer.py +2 -2
- wisent/core/optuna/steering/steering_optimization.py +1 -1
- wisent/core/parser_arguments/__init__.py +10 -0
- wisent/core/parser_arguments/agent_parser.py +110 -0
- wisent/core/parser_arguments/configure_model_parser.py +7 -0
- wisent/core/parser_arguments/create_steering_vector_parser.py +59 -0
- wisent/core/parser_arguments/evaluate_parser.py +40 -0
- wisent/core/parser_arguments/evaluate_responses_parser.py +10 -0
- wisent/core/parser_arguments/full_optimize_parser.py +115 -0
- wisent/core/parser_arguments/generate_pairs_from_task_parser.py +33 -0
- wisent/core/parser_arguments/generate_pairs_parser.py +29 -0
- wisent/core/parser_arguments/generate_responses_parser.py +15 -0
- wisent/core/parser_arguments/generate_vector_from_synthetic_parser.py +127 -0
- wisent/core/parser_arguments/generate_vector_from_task_parser.py +127 -0
- wisent/core/parser_arguments/generate_vector_parser.py +90 -0
- wisent/core/parser_arguments/get_activations_parser.py +90 -0
- wisent/core/parser_arguments/main_parser.py +152 -0
- wisent/core/parser_arguments/model_config_parser.py +59 -0
- wisent/core/parser_arguments/monitor_parser.py +17 -0
- wisent/core/parser_arguments/multi_steer_parser.py +47 -0
- wisent/core/parser_arguments/optimize_classification_parser.py +67 -0
- wisent/core/parser_arguments/optimize_sample_size_parser.py +58 -0
- wisent/core/parser_arguments/optimize_steering_parser.py +147 -0
- wisent/core/parser_arguments/synthetic_parser.py +93 -0
- wisent/core/parser_arguments/tasks_parser.py +584 -0
- wisent/core/parser_arguments/test_nonsense_parser.py +26 -0
- wisent/core/parser_arguments/utils.py +111 -0
- wisent/core/prompts/core/prompt_formater.py +3 -3
- wisent/core/prompts/prompt_stratiegies/direct_completion.py +2 -0
- wisent/core/prompts/prompt_stratiegies/instruction_following.py +2 -0
- wisent/core/prompts/prompt_stratiegies/multiple_choice.py +2 -0
- wisent/core/prompts/prompt_stratiegies/role_playing.py +2 -0
- wisent/{cli/steering_methods/steering_rotator.py → core/steering_methods/rotator.py} +4 -4
- wisent/core/steering_optimizer.py +45 -21
- wisent/{synthetic → core/synthetic}/cleaners/deduper_cleaner.py +3 -3
- wisent/{synthetic → core/synthetic}/cleaners/methods/base_dedupers.py +2 -2
- wisent/{synthetic → core/synthetic}/cleaners/methods/base_refusalers.py +1 -1
- wisent/{synthetic → core/synthetic}/cleaners/pairs_cleaner.py +5 -5
- wisent/{synthetic → core/synthetic}/cleaners/refusaler_cleaner.py +4 -4
- wisent/{synthetic → core/synthetic}/db_instructions/mini_dp.py +1 -1
- wisent/{synthetic → core/synthetic}/generators/diversities/methods/fast_diversity.py +1 -1
- wisent/{synthetic → core/synthetic}/generators/pairs_generator.py +38 -12
- wisent/core/tasks/livecodebench_task.py +4 -103
- wisent/core/timing_calibration.py +1 -1
- {wisent-0.5.11.dist-info → wisent-0.5.13.dist-info}/METADATA +3 -3
- wisent-0.5.13.dist-info/RECORD +294 -0
- wisent-0.5.13.dist-info/entry_points.txt +2 -0
- wisent/benchmarks/coding/providers/livecodebench/provider.py +0 -53
- wisent/classifiers/core/atoms.py +0 -747
- wisent/classifiers/models/logistic.py +0 -29
- wisent/classifiers/models/mlp.py +0 -47
- wisent/cli/classifiers/classifier_rotator.py +0 -137
- wisent/cli/cli_logger.py +0 -142
- wisent/cli/wisent_cli/commands/help_cmd.py +0 -52
- wisent/cli/wisent_cli/commands/listing.py +0 -154
- wisent/cli/wisent_cli/commands/train_cmd.py +0 -322
- wisent/cli/wisent_cli/main.py +0 -93
- wisent/cli/wisent_cli/shell.py +0 -80
- wisent/cli/wisent_cli/ui.py +0 -69
- wisent/cli/wisent_cli/util/aggregations.py +0 -43
- wisent/cli/wisent_cli/util/parsing.py +0 -126
- wisent/cli/wisent_cli/version.py +0 -4
- wisent/opti/methods/__init__.py +0 -0
- wisent/synthetic/__init__.py +0 -0
- wisent/synthetic/cleaners/__init__.py +0 -0
- wisent/synthetic/cleaners/core/__init__.py +0 -0
- wisent/synthetic/cleaners/methods/__init__.py +0 -0
- wisent/synthetic/cleaners/methods/core/__init__.py +0 -0
- wisent/synthetic/db_instructions/__init__.py +0 -0
- wisent/synthetic/db_instructions/core/__init__.py +0 -0
- wisent/synthetic/generators/__init__.py +0 -0
- wisent/synthetic/generators/core/__init__.py +0 -0
- wisent/synthetic/generators/diversities/__init__.py +0 -0
- wisent/synthetic/generators/diversities/core/__init__.py +0 -0
- wisent/synthetic/generators/diversities/methods/__init__.py +0 -0
- wisent-0.5.11.dist-info/RECORD +0 -220
- /wisent/{benchmarks → core/evaluators/benchmark_specific/coding}/__init__.py +0 -0
- /wisent/{benchmarks/coding → core/evaluators/benchmark_specific/coding/metrics}/__init__.py +0 -0
- /wisent/{benchmarks/coding/metrics → core/evaluators/benchmark_specific/coding/metrics/core}/__init__.py +0 -0
- /wisent/{benchmarks → core/evaluators/benchmark_specific}/coding/metrics/core/atoms.py +0 -0
- /wisent/{benchmarks → core/evaluators/benchmark_specific}/coding/metrics/passk.py +0 -0
- /wisent/{benchmarks/coding/metrics/core → core/evaluators/benchmark_specific/coding/output_sanitizer}/__init__.py +0 -0
- /wisent/{benchmarks/coding/output_sanitizer → core/evaluators/benchmark_specific/coding/output_sanitizer/core}/__init__.py +0 -0
- /wisent/{benchmarks → core/evaluators/benchmark_specific}/coding/output_sanitizer/core/atoms.py +0 -0
- /wisent/{benchmarks → core/evaluators/benchmark_specific}/coding/output_sanitizer/utils.py +0 -0
- /wisent/{benchmarks → core/evaluators/benchmark_specific}/coding/providers/__init__.py +0 -0
- /wisent/{benchmarks/coding/output_sanitizer → core/evaluators/benchmark_specific/coding/providers}/core/__init__.py +0 -0
- /wisent/{benchmarks → core/evaluators/benchmark_specific}/coding/providers/core/atoms.py +0 -0
- /wisent/{benchmarks/coding/providers/core → core/evaluators/benchmark_specific/coding/safe_docker}/__init__.py +0 -0
- /wisent/{benchmarks/coding/providers/livecodebench → core/evaluators/benchmark_specific/coding/safe_docker/core}/__init__.py +0 -0
- /wisent/{benchmarks → core/evaluators/benchmark_specific}/coding/safe_docker/core/atoms.py +0 -0
- /wisent/{benchmarks/coding/safe_docker → core/opti}/__init__.py +0 -0
- /wisent/{benchmarks/coding/safe_docker → core/opti}/core/__init__.py +0 -0
- /wisent/{opti → core/opti}/core/atoms.py +0 -0
- /wisent/{classifiers → core/opti/methods}/__init__.py +0 -0
- /wisent/{opti → core/opti}/methods/opti_classificator.py +0 -0
- /wisent/{opti → core/opti}/methods/opti_steering.py +0 -0
- /wisent/{classifiers/core → core/synthetic}/__init__.py +0 -0
- /wisent/{classifiers/models → core/synthetic/cleaners}/__init__.py +0 -0
- /wisent/{cli → core/synthetic/cleaners/core}/__init__.py +0 -0
- /wisent/{synthetic → core/synthetic}/cleaners/core/atoms.py +0 -0
- /wisent/{cli/classifiers → core/synthetic/cleaners/methods}/__init__.py +0 -0
- /wisent/{cli/data_loaders → core/synthetic/cleaners/methods/core}/__init__.py +0 -0
- /wisent/{synthetic → core/synthetic}/cleaners/methods/core/atoms.py +0 -0
- /wisent/{cli/evaluators → core/synthetic/db_instructions}/__init__.py +0 -0
- /wisent/{cli/steering_methods → core/synthetic/db_instructions/core}/__init__.py +0 -0
- /wisent/{synthetic → core/synthetic}/db_instructions/core/atoms.py +0 -0
- /wisent/{cli/wisent_cli → core/synthetic/generators}/__init__.py +0 -0
- /wisent/{cli/wisent_cli/commands → core/synthetic/generators/core}/__init__.py +0 -0
- /wisent/{synthetic → core/synthetic}/generators/core/atoms.py +0 -0
- /wisent/{cli/wisent_cli/util → core/synthetic/generators/diversities}/__init__.py +0 -0
- /wisent/{opti → core/synthetic/generators/diversities/core}/__init__.py +0 -0
- /wisent/{synthetic → core/synthetic}/generators/diversities/core/core.py +0 -0
- /wisent/{opti/core → core/synthetic/generators/diversities/methods}/__init__.py +0 -0
- {wisent-0.5.11.dist-info → wisent-0.5.13.dist-info}/WHEEL +0 -0
- {wisent-0.5.11.dist-info → wisent-0.5.13.dist-info}/licenses/LICENSE +0 -0
- {wisent-0.5.11.dist-info → wisent-0.5.13.dist-info}/top_level.txt +0 -0
|
@@ -1,126 +0,0 @@
|
|
|
1
|
-
from __future__ import annotations
|
|
2
|
-
import re
|
|
3
|
-
from typing import Dict, List, Optional, Tuple
|
|
4
|
-
|
|
5
|
-
__all__ = [
|
|
6
|
-
"to_bool", "parse_layers", "parse_kv", "parse_natural_tokens",
|
|
7
|
-
"BOOL_TRUE", "BOOL_FALSE", "DTYPE_MAP", "TOP_KEYS"
|
|
8
|
-
]
|
|
9
|
-
|
|
10
|
-
BOOL_TRUE = {"1", "true", "yes", "y", "on"}
|
|
11
|
-
BOOL_FALSE = {"0", "false", "no", "n", "off"}
|
|
12
|
-
|
|
13
|
-
DTYPE_MAP = {None: None, "float32": "float32", "float16": "float16", "bfloat16": "bfloat16"}
|
|
14
|
-
|
|
15
|
-
TOP_KEYS = {
|
|
16
|
-
"model", "loader", "loaders_location", "methods_location", "method", "layers",
|
|
17
|
-
"aggregation", "device", "store_device", "dtype", "save_dir",
|
|
18
|
-
"return_full_sequence", "normalize_layers", "interactive", "plan-only", "plan_only", "confirm"
|
|
19
|
-
}
|
|
20
|
-
|
|
21
|
-
def to_bool(s: str) -> bool:
|
|
22
|
-
ls = s.lower()
|
|
23
|
-
if ls in BOOL_TRUE: return True
|
|
24
|
-
if ls in BOOL_FALSE: return False
|
|
25
|
-
raise ValueError(f"Expected a boolean (true/false), got {s!r}")
|
|
26
|
-
|
|
27
|
-
def parse_layers(spec: Optional[str]) -> Optional[str]:
|
|
28
|
-
if not spec: return None
|
|
29
|
-
s = spec.strip().replace(" ", "")
|
|
30
|
-
if re.match(r"^\d+(,\d+)*$", s): # 5,7,9
|
|
31
|
-
return s
|
|
32
|
-
s = s.replace("-", "..").replace(":", "..")
|
|
33
|
-
if re.match(r"^\d+\.\.(\d+)$", s): return s
|
|
34
|
-
if re.match(r"^\d+$", s): return s
|
|
35
|
-
raise ValueError("Invalid layers spec. Use '12' or '5,10,20' or '10..20' (also '10-20'/'10:20').")
|
|
36
|
-
|
|
37
|
-
def parse_kv(items: List[str]) -> Dict[str, object]:
|
|
38
|
-
out: Dict[str, object] = {}
|
|
39
|
-
for item in items:
|
|
40
|
-
if "=" not in item:
|
|
41
|
-
raise ValueError(f"Expected key=value, got: {item!r}")
|
|
42
|
-
k, v = item.split("=", 1)
|
|
43
|
-
k, v = k.strip(), v.strip()
|
|
44
|
-
lv = v.lower()
|
|
45
|
-
if lv in {"true", "false"}:
|
|
46
|
-
out[k] = (lv == "true")
|
|
47
|
-
else:
|
|
48
|
-
try:
|
|
49
|
-
out[k] = float(v) if "." in v else int(v)
|
|
50
|
-
except ValueError:
|
|
51
|
-
out[k] = v
|
|
52
|
-
return out
|
|
53
|
-
|
|
54
|
-
def parse_natural_tokens(tokens: List[str]) -> Tuple[Dict[str, str], Dict[str, str], Dict[str, str]]:
|
|
55
|
-
"""
|
|
56
|
-
Return (top_level, loader_kwargs, method_kwargs).
|
|
57
|
-
Understands:
|
|
58
|
-
- key value
|
|
59
|
-
- key=value
|
|
60
|
-
- sections: loader ..., method ...
|
|
61
|
-
- dotted keys: loader.path=..., method.alpha=...
|
|
62
|
-
"""
|
|
63
|
-
top: Dict[str, str] = {}
|
|
64
|
-
lkw: Dict[str, str] = {}
|
|
65
|
-
mkw: Dict[str, str] = {}
|
|
66
|
-
ctx: Optional[str] = None
|
|
67
|
-
|
|
68
|
-
i = 0
|
|
69
|
-
while i < len(tokens):
|
|
70
|
-
tok = tokens[i]
|
|
71
|
-
|
|
72
|
-
if "=" in tok:
|
|
73
|
-
k, v = tok.split("=", 1)
|
|
74
|
-
k, v = k.strip(), v.strip()
|
|
75
|
-
if k.startswith("loader."):
|
|
76
|
-
lkw[k.split(".", 1)[1]] = v
|
|
77
|
-
elif k.startswith("method."):
|
|
78
|
-
mkw[k.split(".", 1)[1]] = v
|
|
79
|
-
elif k in TOP_KEYS:
|
|
80
|
-
top[k] = v
|
|
81
|
-
elif ctx == "loader":
|
|
82
|
-
lkw[k] = v
|
|
83
|
-
elif ctx == "method":
|
|
84
|
-
mkw[k] = v
|
|
85
|
-
else:
|
|
86
|
-
top[k] = v
|
|
87
|
-
i += 1
|
|
88
|
-
continue
|
|
89
|
-
|
|
90
|
-
lt = tok.lower()
|
|
91
|
-
if lt in {"loader", "method"}:
|
|
92
|
-
ctx = lt
|
|
93
|
-
if i + 1 < len(tokens) and "=" not in tokens[i + 1] and tokens[i + 1].lower() not in TOP_KEYS:
|
|
94
|
-
if lt == "loader":
|
|
95
|
-
top["loader"] = tokens[i + 1]
|
|
96
|
-
else:
|
|
97
|
-
top["method"] = tokens[i + 1]
|
|
98
|
-
i += 2
|
|
99
|
-
else:
|
|
100
|
-
i += 1
|
|
101
|
-
continue
|
|
102
|
-
|
|
103
|
-
if lt in TOP_KEYS:
|
|
104
|
-
if i + 1 >= len(tokens) or tokens[i + 1].lower() in TOP_KEYS or "=" in tokens[i + 1]:
|
|
105
|
-
top[lt] = "true"
|
|
106
|
-
i += 1
|
|
107
|
-
else:
|
|
108
|
-
top[lt] = tokens[i + 1]
|
|
109
|
-
i += 2
|
|
110
|
-
ctx = None
|
|
111
|
-
continue
|
|
112
|
-
|
|
113
|
-
if ctx in {"loader", "method"}:
|
|
114
|
-
if i + 1 < len(tokens) and "=" not in tokens[i + 1] and tokens[i + 1].lower() not in TOP_KEYS:
|
|
115
|
-
key = tok
|
|
116
|
-
val = tokens[i + 1]
|
|
117
|
-
(lkw if ctx == "loader" else mkw)[key] = val
|
|
118
|
-
i += 2
|
|
119
|
-
else:
|
|
120
|
-
(lkw if ctx == "loader" else mkw)[tok] = "true"
|
|
121
|
-
i += 1
|
|
122
|
-
continue
|
|
123
|
-
|
|
124
|
-
i += 1
|
|
125
|
-
|
|
126
|
-
return top, lkw, mkw
|
wisent/cli/wisent_cli/version.py
DELETED
wisent/opti/methods/__init__.py
DELETED
|
File without changes
|
wisent/synthetic/__init__.py
DELETED
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
wisent-0.5.11.dist-info/RECORD
DELETED
|
@@ -1,220 +0,0 @@
|
|
|
1
|
-
wisent/__init__.py,sha256=xFez9dUQrcuZqZRWuEIsCbMskoR-Ke1_uUZ51Kyt1tw,23
|
|
2
|
-
wisent/benchmarks/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
3
|
-
wisent/benchmarks/coding/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
4
|
-
wisent/benchmarks/coding/metrics/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
5
|
-
wisent/benchmarks/coding/metrics/evaluator.py,sha256=hI8WvJ8JyDzoKcAi3Yb4QbJ7dn_KsR4rR17k9q93RCs,11892
|
|
6
|
-
wisent/benchmarks/coding/metrics/passk.py,sha256=IZZmGAbvmONPDYX9khzN6tqk6GZe4EvfijSPBWTbrE8,1984
|
|
7
|
-
wisent/benchmarks/coding/metrics/core/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
8
|
-
wisent/benchmarks/coding/metrics/core/atoms.py,sha256=I4wwOUTDjJ_4Jo6Bbpl8Tkv0Uz9zpwNjzeWBrXru-9g,1001
|
|
9
|
-
wisent/benchmarks/coding/output_sanitizer/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
10
|
-
wisent/benchmarks/coding/output_sanitizer/cpp_sanitizer.py,sha256=EbTrBgYDAwMJnWiA5PK9Mb7u7s3KtCpk3XQE4MSjdu4,3456
|
|
11
|
-
wisent/benchmarks/coding/output_sanitizer/java_sanitizer.py,sha256=r7IPwM5FDskucjasb8sRtW7vvGZF-uZzaqOLcM3N_ws,4502
|
|
12
|
-
wisent/benchmarks/coding/output_sanitizer/python_sanitizer.py,sha256=2Zifsul69XFQI4_Z5JRbN_pb66qxV51xdth3zGkvQEQ,4873
|
|
13
|
-
wisent/benchmarks/coding/output_sanitizer/utils.py,sha256=FNepdX6bkDbp3unKLsMXNPemwi1iQnhsYEmcLc4SvWI,3153
|
|
14
|
-
wisent/benchmarks/coding/output_sanitizer/core/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
15
|
-
wisent/benchmarks/coding/output_sanitizer/core/atoms.py,sha256=yoPxZg-jA9XE065erGV99Dj6aE3dFvKzogxLo_IWvq8,1185
|
|
16
|
-
wisent/benchmarks/coding/providers/__init__.py,sha256=rpGxV7u93zVQdkXfywxPeq_L5jXNFc0cN1Zj0TsXw2E,731
|
|
17
|
-
wisent/benchmarks/coding/providers/core/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
18
|
-
wisent/benchmarks/coding/providers/core/atoms.py,sha256=6THxuLLpg2GRiKT82ZItyQWgLGx7_Ljzk4YhgjV8zfM,1090
|
|
19
|
-
wisent/benchmarks/coding/providers/livecodebench/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
20
|
-
wisent/benchmarks/coding/providers/livecodebench/provider.py,sha256=A_Gz3v7hk1p3Ep3UAG6M-bhB2FMefGybdo8wsp2rdZQ,2449
|
|
21
|
-
wisent/benchmarks/coding/safe_docker/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
22
|
-
wisent/benchmarks/coding/safe_docker/entrypoint.py,sha256=--CpgJ9Vn699Jx0WeGUgLEBWlF_f5RBtbo3dLCRJeyM,4277
|
|
23
|
-
wisent/benchmarks/coding/safe_docker/recipes.py,sha256=UWkiBl_k1nmJ6mHB6G0KH6RfLFhV4bH84ITTYmsbT3E,2227
|
|
24
|
-
wisent/benchmarks/coding/safe_docker/core/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
25
|
-
wisent/benchmarks/coding/safe_docker/core/atoms.py,sha256=JE2eOKtiXGLNGSNqaPwtpPbcipoPeDdmVNxgt5_EHYE,3026
|
|
26
|
-
wisent/benchmarks/coding/safe_docker/core/runtime.py,sha256=ACzxKnXNPqA3w5kvllmJduz4ZAH9JR3HYDpHmH-7vM4,4393
|
|
27
|
-
wisent/classifiers/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
28
|
-
wisent/classifiers/core/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
29
|
-
wisent/classifiers/core/atoms.py,sha256=rHxL6eO3OptQWc8UPKeZCMbnpnXTB_TzHkinMU_rZSk,25972
|
|
30
|
-
wisent/classifiers/models/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
31
|
-
wisent/classifiers/models/logistic.py,sha256=nnE1I4WF9iHNFfeGr5khtoG_cJ4hQlfoE2pa9ZaJlKw,859
|
|
32
|
-
wisent/classifiers/models/mlp.py,sha256=fOWAaqTOYpB5lyEzUOb-BTkpPIpX4QpeYuH2yPU2DMw,1519
|
|
33
|
-
wisent/cli/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
34
|
-
wisent/cli/cli_logger.py,sha256=6vuLGPz3wJAf8tHQhuYatRhnFYiUnlPEFy6ThYpqKrs,4477
|
|
35
|
-
wisent/cli/classifiers/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
36
|
-
wisent/cli/classifiers/classifier_rotator.py,sha256=LAx5hTZ71Q7I4W0uSz9Bn1V4G_cpU3jmvwt160i3zes,5158
|
|
37
|
-
wisent/cli/data_loaders/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
38
|
-
wisent/cli/data_loaders/data_loader_rotator.py,sha256=q68sQJGHLZQ5iaEr84Uo_NeRMChsQL8kZJ3D6Y2MDF8,4309
|
|
39
|
-
wisent/cli/evaluators/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
40
|
-
wisent/cli/evaluators/evaluator_rotator.py,sha256=9EDR7zeOwynZvZ-J5h96sYIl9RlKOUihyJ4X5vWf31w,5686
|
|
41
|
-
wisent/cli/steering_methods/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
42
|
-
wisent/cli/steering_methods/steering_rotator.py,sha256=_S32ItI4IHNNc230Wr8m1q5gP2BrwexSyN1_nkiUOTI,4212
|
|
43
|
-
wisent/cli/wisent_cli/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
44
|
-
wisent/cli/wisent_cli/main.py,sha256=7_llYPnxVbYCnLU5rIunHNz4jyZdXDJYz8IXkfZDeTI,3503
|
|
45
|
-
wisent/cli/wisent_cli/shell.py,sha256=LVA1hpC7JEUxR_j5p0APPL1jAoyWlt12s4_GMopa1D0,2372
|
|
46
|
-
wisent/cli/wisent_cli/ui.py,sha256=M52163wvh0DgSjsRG69RhqEX87faceXFm-roOn7bH2M,2960
|
|
47
|
-
wisent/cli/wisent_cli/version.py,sha256=ICeC5AhJ79Gx1kISaMY1WQHMl4al3elA4RKLAly-6uc,87
|
|
48
|
-
wisent/cli/wisent_cli/commands/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
49
|
-
wisent/cli/wisent_cli/commands/help_cmd.py,sha256=C8iA5mMdEBUQovtgJDqAGH6b9TbKSHPhnESQE8_6P5M,1614
|
|
50
|
-
wisent/cli/wisent_cli/commands/listing.py,sha256=1UaKNRrlDOacQSPxp_yu3cAoWpTCwNU1-8DO2oUWJ5w,5552
|
|
51
|
-
wisent/cli/wisent_cli/commands/train_cmd.py,sha256=Pp_DY6P-zk8PvCuz6ds9JxH7BWpqQM_jc_ZfZ1lGIR0,13427
|
|
52
|
-
wisent/cli/wisent_cli/util/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
53
|
-
wisent/cli/wisent_cli/util/aggregations.py,sha256=RW2f-B18k4R0gFlIFACQmrhFKSwfxREUqqu5PaI951Y,1415
|
|
54
|
-
wisent/cli/wisent_cli/util/parsing.py,sha256=DvBTcoBItDGJQI-AE4bs0otBJ7ElLynNhqRDzgeQjzs,4067
|
|
55
|
-
wisent/core/__init__.py,sha256=yNBOdCXpkwMuo1H1sNAYgPf5_-Hhf7y4H-RZJPCiOpI,463
|
|
56
|
-
wisent/core/autonomous_agent.py,sha256=2k1PLWm2DZ6C2fmsjMDKmQ1_wfN7KhpilHrjkTw8nMw,52489
|
|
57
|
-
wisent/core/bigcode_integration.py,sha256=TIaPQDbPRDPdnCq8U-Gwl4lgayPfhOabOVQddqxotY4,19927
|
|
58
|
-
wisent/core/detection_handling.py,sha256=iiuKpzAbJfx_KFn2SFABQHOeeWblDJMXjzGwGDeKqcs,11127
|
|
59
|
-
wisent/core/download_full_benchmarks.py,sha256=KT5zHkau7zk3pgzoCS1UY8Tz7-M9JtlkNXZ9U1uDh2k,55946
|
|
60
|
-
wisent/core/hyperparameter_optimizer.py,sha256=GN-IY27kkFKuXwHbvalfEW5UVf4NfZ0G9rMWK2ThEAY,17319
|
|
61
|
-
wisent/core/lm_eval_harness_ground_truth.py,sha256=JjAbr520h01CcPUEgJNhj6RXWBja2WAvw6Jzq5av7qw,64912
|
|
62
|
-
wisent/core/log_likelihoods_evaluator.py,sha256=meHdfoAlKUm0l8F1Y6aKcBHBi_wNgSS_b8uBJrD9378,15535
|
|
63
|
-
wisent/core/managed_cached_benchmarks.py,sha256=JbvpZ1fgSuQQhyQVKEvqrQZRHGqfnjo9NFhgITFoFsE,22854
|
|
64
|
-
wisent/core/mixed_benchmark_sampler.py,sha256=tKQCHUXVuYeCyx4VZt8O1hGyB-TOY_SQ_SYi8cyApII,13585
|
|
65
|
-
wisent/core/model_config_manager.py,sha256=rQAdSmk3GFlZXyHp3fSV1bORxiZWhmzIz1uo3H4JtkA,12009
|
|
66
|
-
wisent/core/model_persistence.py,sha256=6_vc1Ndujd4v0O68giINSTvYhmb7-AiacWwAbqLOrls,10636
|
|
67
|
-
wisent/core/multi_steering.py,sha256=YhVKmf08KacVEYZWLk6t2uNWSv-Pi_zBeLdDopo3QXk,13491
|
|
68
|
-
wisent/core/parser.py,sha256=_YDeSuQMx0zNknz9rX3Ls1YPT1x5eohoY8rfjeoqxV8,69091
|
|
69
|
-
wisent/core/representation.py,sha256=hBl_N9qbr5Gsa7GCQ0nMWRm82RqYEfhd9cyf0PPH5LY,195
|
|
70
|
-
wisent/core/sample_size_optimizer.py,sha256=6wegGXZpdGpiR4R0YJ1D2JqLr6yinMndEx2gB5FL80s,23666
|
|
71
|
-
wisent/core/sample_size_optimizer_v2.py,sha256=bVYJRZC4_Mrq-HFlYLyv-9tWvqEHJ3kCeIwlmYOwI6I,13286
|
|
72
|
-
wisent/core/save_results.py,sha256=PRwaA5qO6EOsvURvLBl3YhvanlC0D0G4iYqxYAQ7sw8,13737
|
|
73
|
-
wisent/core/steering.py,sha256=I1mSLOQ6MMdUcJ_MmfmaCUH0IKxeCYlcsMCO6x6wLg4,22651
|
|
74
|
-
wisent/core/steering_method.py,sha256=-hZqtvwRS7sGqQJUd36MoPm0rjbO1LrtPAYmcIk8BqQ,462
|
|
75
|
-
wisent/core/steering_optimizer.py,sha256=wxa4p4aMjJWOknt2Jph28xPgYoEMxZVmp1GFA1pM3Wk,54759
|
|
76
|
-
wisent/core/task_interface.py,sha256=OlWdcxkprmZcOto-bXmg75kzUcWzH_kyW_e7w2FdPLM,4471
|
|
77
|
-
wisent/core/task_selector.py,sha256=QVgozUuiM74BMUJ8Ucb_sn6HQk5v0wL_QUsqKb55vJE,6224
|
|
78
|
-
wisent/core/time_estimator.py,sha256=DcgSzW-hr9BjmXJwBnGqE2dkFK0zgyz5WNF7934CJ9k,5778
|
|
79
|
-
wisent/core/timing_calibration.py,sha256=4eTn1GWGqzsXmWj9aryXUsZbFEPcJ3IvfCIfJJUFA0w,6860
|
|
80
|
-
wisent/core/user_model_config.py,sha256=8optjLqf9wTDtOf0c705d5_Rr2zE67jV9BNqoY-TRvA,6735
|
|
81
|
-
wisent/core/activations/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
82
|
-
wisent/core/activations/activations_collector.py,sha256=wRqtxz5ahVrkd0ja1lAIidf6PL6wxfz9YvR8GT5OqXI,14146
|
|
83
|
-
wisent/core/activations/core/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
84
|
-
wisent/core/activations/core/atoms.py,sha256=FeeQj-YKb-1rLX0gnzFc5VM47ikWwfFh3datRduj6mQ,9101
|
|
85
|
-
wisent/core/agent/__init__.py,sha256=bIJAwg-AMQD-thjollZPnkA996zkUR21dPM_TS17ptw,478
|
|
86
|
-
wisent/core/agent/budget.py,sha256=9uLBeqmFRvBPGlNxGM0JbEz_mifH3MpLZp8Lw5IwaiM,24386
|
|
87
|
-
wisent/core/agent/device_benchmarks.py,sha256=YWX2_3yzpK26Guz8S9QTuFNvozwYX-tqvhiOleBsBMU,26138
|
|
88
|
-
wisent/core/agent/diagnose.py,sha256=3C5yI_gYd_8pQRdy9617tZzSGqL2rFsmXh1-WXH7Qmk,9312
|
|
89
|
-
wisent/core/agent/steer.py,sha256=qcYMAGTBvPxNLozHkK0uzIKrY1eyK1kCtYx4_wMJOL4,9802
|
|
90
|
-
wisent/core/agent/timeout.py,sha256=I-G4KeAYuz1le6xTLGEWtlOxShWBi6IYSyKuJu-GUz0,4334
|
|
91
|
-
wisent/core/agent/diagnose/__init__.py,sha256=2-4OsA6zqsJKKUmn3okEAXe8Bt4jNUsolIeK-G27f8w,1449
|
|
92
|
-
wisent/core/agent/diagnose/agent_classifier_decision.py,sha256=NgMaogSsXBti8sNWv-Xzna1jwcvZKPsU7M6dX28F6EI,28997
|
|
93
|
-
wisent/core/agent/diagnose/classifier_marketplace.py,sha256=CrXhiZt1XWOc9uuXLdA3AO4qsnVZ92qnVKZ1DFLJTZA,22161
|
|
94
|
-
wisent/core/agent/diagnose/create_classifier.py,sha256=UJKFgjGvIsRKfc5fPkfh227bAWcDD8M4jYNEeHffufI,44182
|
|
95
|
-
wisent/core/agent/diagnose/response_diagnostics.py,sha256=-bNGMq3mapWfZI5SQJAMQHuNRFtc1H6SpTpPtdpCFms,10609
|
|
96
|
-
wisent/core/agent/diagnose/select_classifiers.py,sha256=Uv5dxEmZRjjkZKmVmYQ1jC_XJVyM2MF5dv-4QRuTWKY,18320
|
|
97
|
-
wisent/core/agent/diagnose/synthetic_classifier_option.py,sha256=p_za96LiSXDg0uxvypG0dPMWqirA2srYFpkRTLGCR0Q,32483
|
|
98
|
-
wisent/core/agent/diagnose/test_synthetic_classifier.py,sha256=EWPPHtoND797XfoUjNZcmcuBp8w3PYm4YIBu1JXhzPE,2688
|
|
99
|
-
wisent/core/agent/diagnose/tasks/__init__.py,sha256=rfImwPtKCAfz-ASOBQyF4DEhU6hgCuiZBcqh1AaUE80,704
|
|
100
|
-
wisent/core/agent/diagnose/tasks/task_manager.py,sha256=Nd3ht1vSKmiTxxQx5aCe9QTH4yJwGvLdoUKlimZTfAg,62764
|
|
101
|
-
wisent/core/agent/diagnose/tasks/task_relevance.py,sha256=D4UBr0TqUNXkDZnNgA5wa4NYHSKtDaiugYeVg5zGQjs,3250
|
|
102
|
-
wisent/core/agent/diagnose/tasks/task_selector.py,sha256=ll34stireeqW-B_T4daf_91kujzVFQ8sOilk-JrxpHA,5414
|
|
103
|
-
wisent/core/contrastive_pairs/__init__.py,sha256=AbaAf-t_nyVVy_vLjp8WAlMDmNun3KNp_GMWAK25r9g,429
|
|
104
|
-
wisent/core/contrastive_pairs/core/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
105
|
-
wisent/core/contrastive_pairs/core/atoms.py,sha256=_zghw6c8iisW_SqBIUCoAnzhc5q7t5EgZ4zzTPxeLwQ,1129
|
|
106
|
-
wisent/core/contrastive_pairs/core/buliders.py,sha256=VWe4StOd3SsV0FBzg8b_2KG_ARiIITrwkfHR5xZNBxk,1975
|
|
107
|
-
wisent/core/contrastive_pairs/core/pair.py,sha256=VsoEXnZ8wpwuictZRpjp1O8pTeMnHvIn-jn01NIA5CI,8095
|
|
108
|
-
wisent/core/contrastive_pairs/core/response.py,sha256=bEUqW53jE7uGEdHFsu3pw209aHxcAORykYcXW-JdWUY,6147
|
|
109
|
-
wisent/core/contrastive_pairs/core/serialization.py,sha256=zpF5BZMFYb-ltD69Xuy53w7qnQ1b5OdkGNVR4pfWbZ8,11157
|
|
110
|
-
wisent/core/contrastive_pairs/core/set.py,sha256=8N1jN0bbuklkhhcDegd0L6Oc9Tv9fFFfoP1LlZSWVNU,4624
|
|
111
|
-
wisent/core/contrastive_pairs/diagnostics/__init__.py,sha256=aAtEI-oOmR2rTmcpMynODIjuTf7S8dW6wmyQS01aUfY,1498
|
|
112
|
-
wisent/core/contrastive_pairs/diagnostics/activations.py,sha256=TUNxU-HV3oeQxFbZhKo-OISM4mzR-Bib0naHmbqWzk8,1736
|
|
113
|
-
wisent/core/contrastive_pairs/diagnostics/base.py,sha256=uBi8PdTd6BRyy0lmGjAZLTZdgiiWwPNtsmKkBFCmlD0,2658
|
|
114
|
-
wisent/core/contrastive_pairs/diagnostics/control_vectors.py,sha256=ypRTEpVzSQDXEqyN-t7ssMoEcM44W8qABwImETEYO9o,6037
|
|
115
|
-
wisent/core/contrastive_pairs/diagnostics/coverage.py,sha256=MpT6_IdLqtMpav6mOCiNuemBVFvxWzkUbj7j3ZNx-48,2761
|
|
116
|
-
wisent/core/contrastive_pairs/diagnostics/divergence.py,sha256=Io3AcGluJogz4qENWu0ivQyFR_5bLN49BzCTI7DIVa4,3430
|
|
117
|
-
wisent/core/contrastive_pairs/diagnostics/duplicates.py,sha256=uwL-RCoQK6e791drLCSl-_z-rYAZXJYXX23zNYNCY0Y,4552
|
|
118
|
-
wisent/core/contrastive_pairs/lm_eval_pairs/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
119
|
-
wisent/core/contrastive_pairs/lm_eval_pairs/atoms.py,sha256=iSvDrDlwvhdD8T6aT1NylUiyu8qRCdZzrMFWw1j7Sjg,8575
|
|
120
|
-
wisent/core/contrastive_pairs/lm_eval_pairs/lm_extractor_manifest.py,sha256=gfovSFBdTISyJyw1CXwi57_O15OESmB-AOuh5q6ENMQ,298
|
|
121
|
-
wisent/core/contrastive_pairs/lm_eval_pairs/lm_extractor_registry.py,sha256=DQn4bKRIC6fSpXvTzXxwCcrVe3EKZZesBG30qTCWeHc,4388
|
|
122
|
-
wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_pairs_generation.py,sha256=Q128ATWcfE6NaQOm0O5oMtVRZbXzkeJMlkfCiGNkjyo,1657
|
|
123
|
-
wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
124
|
-
wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/winogrande.py,sha256=rdBYDVlOifA4m5AXLTp9_ttkn2MFs9Yulg371WOjL1s,4044
|
|
125
|
-
wisent/core/data_loaders/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
126
|
-
wisent/core/data_loaders/core/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
127
|
-
wisent/core/data_loaders/core/atoms.py,sha256=sjSS5Eb136hE29dHpKaMA0ohADc0k2iBj_PjpC40GuM,3470
|
|
128
|
-
wisent/core/data_loaders/loaders/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
129
|
-
wisent/core/data_loaders/loaders/custom.py,sha256=Xe1sOHH3_dRjBnQg9vwMM-XA8ROn65dUr9TeT-nuNtQ,4144
|
|
130
|
-
wisent/core/data_loaders/loaders/lm_loader.py,sha256=3ZLi3UnoePd0YgubMlT4CTVWtfpbEHVfvi8QKVq0-Zw,7812
|
|
131
|
-
wisent/core/evaluators/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
132
|
-
wisent/core/evaluators/oracles/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
133
|
-
wisent/core/evaluators/oracles/interactive.py,sha256=f3v2_N17fKzGyeOxONRJbrbn8i5uMeZmRvMmF0ShNf0,2638
|
|
134
|
-
wisent/core/evaluators/oracles/nlp_evaluator.py,sha256=KxbnF-I2IFbBQpoYyjQKGbYh4NErsEuhTCRYX_Tob8o,18220
|
|
135
|
-
wisent/core/evaluators/oracles/user_specified.py,sha256=V1dKrNj3Oq7UC_I7DT0WGnktP7R_DSW6UAwDdrA8SnE,2360
|
|
136
|
-
wisent/core/models/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
137
|
-
wisent/core/models/wisent_model.py,sha256=_XQpakCPJGdzeeSd0gPxp0yd057HisA69uAaW-katDo,31788
|
|
138
|
-
wisent/core/models/core/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
139
|
-
wisent/core/models/core/atoms.py,sha256=_Bpz0Sfiq6_VswThIltUwNGj_ukl5MhAg8RrgMKwEBM,15756
|
|
140
|
-
wisent/core/optuna/__init__.py,sha256=sTfwRnrRyKrCNVsF_qCjBDFEZC0ZmUZ7m6IE0iHfTVs,1914
|
|
141
|
-
wisent/core/optuna/classifier/__init__.py,sha256=vv2wCAbw8ccZxq3vxrQt9plUdbr7VJj-t2rRnh6jBR8,819
|
|
142
|
-
wisent/core/optuna/classifier/activation_generator.py,sha256=K384F_r65z-9f1scr6DoNNzlD1OCVEY9W5TxXilDM5E,14331
|
|
143
|
-
wisent/core/optuna/classifier/classifier_cache.py,sha256=Ng6M8MZoMQx0SpoeVb1ZAmQcVgxzEhlVnDM5RSp1eFo,17380
|
|
144
|
-
wisent/core/optuna/classifier/optuna_classifier_optimizer.py,sha256=OHcUE1Kl_KY0X3Kqp0K_VBIeptp_tqqpCnFVNil9Q_E,22392
|
|
145
|
-
wisent/core/optuna/steering/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
146
|
-
wisent/core/optuna/steering/bigcode_evaluator_wrapper.py,sha256=e3rdGkYPcvRoBzCPpN7xfL7T6Vbt3X9LCLTA39jC23A,6641
|
|
147
|
-
wisent/core/optuna/steering/data_utils.py,sha256=adgA8gXaHLbllhOKspmPxe0tjRZKrc4M8tqs7IQDrK4,12195
|
|
148
|
-
wisent/core/optuna/steering/metrics.py,sha256=Tf4WC3jaVcke5yFMLkBfbc8fhA96TdnL4hXXfGgJ8WM,20378
|
|
149
|
-
wisent/core/optuna/steering/optuna_pipeline.py,sha256=i71osz12k--TGJzd33eH7J0ngQnEJm7gW1LBSS2PBg0,74792
|
|
150
|
-
wisent/core/optuna/steering/steering_optimization.py,sha256=JNtgIWD4b5D7a_VTVlVf7M-yGBItp9p_6g73UhBsGp4,45495
|
|
151
|
-
wisent/core/prompts/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
152
|
-
wisent/core/prompts/core/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
153
|
-
wisent/core/prompts/core/atom.py,sha256=yb3uF7a8Vu7QL_UssriwHlIiqDef43NmppFg7Yj_JTg,1519
|
|
154
|
-
wisent/core/prompts/core/prompt_formater.py,sha256=V-wgz8OPya550p_rkbOkiH-QBzjF3xmnqafCEcNMnuY,5671
|
|
155
|
-
wisent/core/prompts/prompt_stratiegies/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
156
|
-
wisent/core/prompts/prompt_stratiegies/direct_completion.py,sha256=CZq2P1CIyg7yOUS9rwv2KL-lEZDzyrAO4f95lNsujgA,794
|
|
157
|
-
wisent/core/prompts/prompt_stratiegies/instruction_following.py,sha256=ZZ4jM7yo5xZn4-QUt-tFDr37eiZK9TBy5Ygl6xdXP_g,802
|
|
158
|
-
wisent/core/prompts/prompt_stratiegies/multiple_choice.py,sha256=vWYEjvm8zt8g1f1hH9t_hgFhmb-kyJSvsxtZWpSRe-8,867
|
|
159
|
-
wisent/core/prompts/prompt_stratiegies/role_playing.py,sha256=pWNopxpziTGf3hrmBkTuLm1HNKb_pnnka2MTdcNWOEY,1066
|
|
160
|
-
wisent/core/steering_methods/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
161
|
-
wisent/core/steering_methods/core/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
162
|
-
wisent/core/steering_methods/core/atoms.py,sha256=v8DcO4SSmJXv8KFaYs-A4nR4D2is7Q5SEdFJlZ2SCTg,5420
|
|
163
|
-
wisent/core/steering_methods/methods/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
164
|
-
wisent/core/steering_methods/methods/caa.py,sha256=CsMf1QvyywOr0nWehDQDn17IKAZ3qysURwPP6Jgbu5w,1683
|
|
165
|
-
wisent/core/tasks/__init__.py,sha256=AjsAd4VhMOh2c0_y1ZRYhNsc39cT1lec7M8yHKvua84,6727
|
|
166
|
-
wisent/core/tasks/aime_task.py,sha256=SLGcmf_ywtI73JeqQNjuuKVWgddHNmqqq2jhnQS10vw,5417
|
|
167
|
-
wisent/core/tasks/file_task.py,sha256=DUMhrMFXHXfcuNsPg-LbnCg8aL8fLgdooboZCTfdgSc,7079
|
|
168
|
-
wisent/core/tasks/hle_task.py,sha256=YBSvAA4WnM4OXdsAz6ryh6fL41vPwVHrMHF5OJeLkE4,7043
|
|
169
|
-
wisent/core/tasks/hmmt_task.py,sha256=k-mIWsSl3IEGfGXIPigpw21K2CTMqQ47QDnX__rVQhQ,4742
|
|
170
|
-
wisent/core/tasks/livecodebench_task.py,sha256=BjVn1IC9Hzsd7ADM7v_KYYcJCQ6syZX8BhP1wKHncMo,9235
|
|
171
|
-
wisent/core/tasks/livemathbench_task.py,sha256=G--Gl_1wczDZgB6-wCvvBbXzrOBo9IDbSUqkJxn82Y8,6407
|
|
172
|
-
wisent/core/tasks/lm_eval_task.py,sha256=FfyiJ0kPvvqef81c65Rbdx65CbsucupVC8iKwYHQxb4,14336
|
|
173
|
-
wisent/core/tasks/math500_task.py,sha256=e_qpzG_ppuZxoq3Vi40n_9-vOCf4lRAWO4zIiyUezgU,3124
|
|
174
|
-
wisent/core/tasks/polymath_task.py,sha256=SNZELmzdQM93rjN2_zdnqXTVokDnBFIj-cXE4dsKSTI,5933
|
|
175
|
-
wisent/core/tasks/supergpqa_task.py,sha256=_axLCD7-ZoigxTfaYwVrzyHuo5woeJxKaBpWSYJZ1Tg,9069
|
|
176
|
-
wisent/core/tracking/__init__.py,sha256=Ey03RCi2x-hPTXFjUGum3qvHWF9D-BpV0B5j0St5giw,1156
|
|
177
|
-
wisent/core/tracking/latency.py,sha256=YWvotesKW1k_-7xmXvFQucOQJq3Uu87M_FkudOjynTE,21855
|
|
178
|
-
wisent/core/tracking/memory.py,sha256=fSGrZzHXvOFz3X0V_80CPvSLT5cQeMWW4OT2QcunlA0,13087
|
|
179
|
-
wisent/core/trainers/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
180
|
-
wisent/core/trainers/steering_trainer.py,sha256=JAdYwPhiakqN70WLqpZFZBsGHu2yed5v-TSM7ppjKJc,10557
|
|
181
|
-
wisent/core/trainers/core/__init__.py,sha256=D0JX0-XCHdtLrCXhVDHNQafvyWCvJ4-o4UKtkH1lI1k,1257
|
|
182
|
-
wisent/core/trainers/core/atoms.py,sha256=ycWk0G-7EIAEOnQL-o5_V5B8KTQ7CQUilGF4ibjighM,1536
|
|
183
|
-
wisent/core/utils/__init__.py,sha256=NavuBkpDSz6q1dN6m34-I-l8Aps1Sgcnx82FHxFufzY,457
|
|
184
|
-
wisent/core/utils/device.py,sha256=5brw9tclTU77NNAokzLXYrKUnjjYBzFfA7wNJPM9ytM,1609
|
|
185
|
-
wisent/opti/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
186
|
-
wisent/opti/core/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
187
|
-
wisent/opti/core/atoms.py,sha256=9UZeb_SOdDxQ6FBhdAf9qXaEXElImKUsoAMsV0c4yZg,5266
|
|
188
|
-
wisent/opti/methods/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
189
|
-
wisent/opti/methods/opti_classificator.py,sha256=U7F3y6weqe6d9SdhR_w2KyGuu_8X27bkuCn4lHrVCw8,6842
|
|
190
|
-
wisent/opti/methods/opti_steering.py,sha256=Xh1GZKW6DOobJk88txEw7EQaHU9tVWqnyJOqPe8VvAo,5376
|
|
191
|
-
wisent/synthetic/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
192
|
-
wisent/synthetic/cleaners/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
193
|
-
wisent/synthetic/cleaners/deduper_cleaner.py,sha256=CjURqXjh0j1ESJD6-cDoxmAmwC2cWVHDt6j8f7-ePSM,1556
|
|
194
|
-
wisent/synthetic/cleaners/pairs_cleaner.py,sha256=c6UzgbGL-8np9GA8EnX3zZGSExdVcMzIntGtNtGm2Ak,3835
|
|
195
|
-
wisent/synthetic/cleaners/refusaler_cleaner.py,sha256=VdKSxk9Fm-c4GY0vgcyvW28OPz3iNpfKnzPSNDywih8,5350
|
|
196
|
-
wisent/synthetic/cleaners/core/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
197
|
-
wisent/synthetic/cleaners/core/atoms.py,sha256=XUrgDhrPs77gCWq9y4VSDaC4WlylRrT1o9vrZjtpB7Y,1350
|
|
198
|
-
wisent/synthetic/cleaners/methods/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
199
|
-
wisent/synthetic/cleaners/methods/base_dedupers.py,sha256=-FBpIA-EDQ5EqIcYz8oYN7yD2s-7kxOR25MqGE1KmP0,11698
|
|
200
|
-
wisent/synthetic/cleaners/methods/base_refusalers.py,sha256=a6a5kyXlsJESLYBI0LOUVNVAS1ObOJEONcmF9Leugyo,10324
|
|
201
|
-
wisent/synthetic/cleaners/methods/core/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
202
|
-
wisent/synthetic/cleaners/methods/core/atoms.py,sha256=kxD-CnS-u2GXAiezNYEQJ0asgxbMpmR4sXroSz5QjxE,1563
|
|
203
|
-
wisent/synthetic/db_instructions/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
204
|
-
wisent/synthetic/db_instructions/mini_dp.py,sha256=HgRDwofFdvRyQnTfFwGiCokP3ret03GrQEI13gb7V9I,1780
|
|
205
|
-
wisent/synthetic/db_instructions/core/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
206
|
-
wisent/synthetic/db_instructions/core/atoms.py,sha256=jBazuD37hyBMIsbFNDjpwlGnxECAOuh4YT0fmpH8C6o,748
|
|
207
|
-
wisent/synthetic/generators/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
208
|
-
wisent/synthetic/generators/pairs_generator.py,sha256=RfpPdBTqNyWHtYS3ZT4WX_0h5fXLDSDTLXtoRXRcp2k,6551
|
|
209
|
-
wisent/synthetic/generators/core/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
210
|
-
wisent/synthetic/generators/core/atoms.py,sha256=9wL0v38BCqn3y9LtoRkQsK_X3egjdYcPmFXH0mgFSWg,2290
|
|
211
|
-
wisent/synthetic/generators/diversities/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
212
|
-
wisent/synthetic/generators/diversities/core/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
213
|
-
wisent/synthetic/generators/diversities/core/core.py,sha256=TjSj5T7NE5kRH-ABcFqb1Hz_j3Z6F_TcV-95uHD5Xw8,2201
|
|
214
|
-
wisent/synthetic/generators/diversities/methods/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
215
|
-
wisent/synthetic/generators/diversities/methods/fast_diversity.py,sha256=Z2UzTbzyJFM_ToxCoXM_LQQQ1Jc6BZknrbpikTG1MRw,8522
|
|
216
|
-
wisent-0.5.11.dist-info/licenses/LICENSE,sha256=wy0iaw8b2tyqZAfKHib3lP3PJ9o88FDCg92oUHh3sDQ,1073
|
|
217
|
-
wisent-0.5.11.dist-info/METADATA,sha256=na_FE2Pdt5j8nixhi8wFTOJYLzWweXPgylqL_3Pklx4,2425
|
|
218
|
-
wisent-0.5.11.dist-info/WHEEL,sha256=_zCd3N1l69ArxyTb8rzEoP9TpbYXkqRFSNOD5OuxnTs,91
|
|
219
|
-
wisent-0.5.11.dist-info/top_level.txt,sha256=2Ts9Iyldnb3auIN2HBBaHPknRy7nSRDm2f6RGzYgr8A,7
|
|
220
|
-
wisent-0.5.11.dist-info/RECORD,,
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
/wisent/{benchmarks → core/evaluators/benchmark_specific}/coding/output_sanitizer/core/atoms.py
RENAMED
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|