wisent 0.5.1__py3-none-any.whl → 0.5.3__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/benchmarks/coding/metrics/evaluator.py +16 -16
- wisent/benchmarks/coding/output_sanitizer/cpp_sanitizer.py +2 -2
- wisent/benchmarks/coding/output_sanitizer/java_sanitizer.py +2 -2
- wisent/benchmarks/coding/output_sanitizer/python_sanitizer.py +2 -2
- wisent/benchmarks/coding/safe_docker/core/runtime.py +4 -4
- wisent/benchmarks/coding/safe_docker/entrypoint.py +1 -1
- wisent/benchmarks/coding/safe_docker/recipes.py +1 -1
- wisent/classifiers/models/logistic.py +1 -1
- wisent/classifiers/models/mlp.py +1 -1
- wisent/cli/classifiers/classifier_rotator.py +1 -1
- wisent/cli/data_loaders/data_loader_rotator.py +1 -1
- wisent/cli/evaluators/evaluator_rotator.py +1 -1
- wisent/cli/steering_methods/steering_rotator.py +3 -3
- wisent/cli/wisent_cli/commands/help_cmd.py +1 -1
- wisent/cli/wisent_cli/commands/listing.py +7 -7
- wisent/cli/wisent_cli/commands/train_cmd.py +15 -15
- wisent/cli/wisent_cli/main.py +7 -7
- wisent/cli/wisent_cli/shell.py +2 -2
- wisent/cli/wisent_cli/util/aggregations.py +1 -1
- wisent/core/__init__.py +0 -15
- wisent/core/activations/activations_collector.py +5 -5
- wisent/core/agent/device_benchmarks.py +9 -9
- wisent/core/agent/diagnose/classifier_marketplace.py +1 -1
- wisent/core/agent/diagnose/create_classifier.py +1 -1
- wisent/core/agent/diagnose/response_diagnostics.py +2 -2
- wisent/core/agent/diagnose/synthetic_classifier_option.py +6 -6
- wisent/core/agent/diagnose/test_synthetic_classifier.py +3 -3
- wisent/core/agent/diagnose.py +2 -2
- wisent/core/autonomous_agent.py +1 -1
- wisent/core/contrastive_pairs/core/atoms.py +1 -1
- wisent/core/contrastive_pairs/core/buliders.py +3 -3
- wisent/core/contrastive_pairs/core/pair.py +4 -4
- wisent/core/contrastive_pairs/core/response.py +2 -2
- wisent/core/contrastive_pairs/core/serialization.py +2 -2
- wisent/core/contrastive_pairs/core/set.py +3 -3
- wisent/core/contrastive_pairs/diagnostics/control_vectors.py +1 -1
- wisent/core/contrastive_pairs/lm_eval_pairs/atoms.py +1 -1
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_extractor_registry.py +4 -4
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/winogrande.py +4 -4
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_pairs_generation.py +3 -3
- wisent/core/data_loaders/core/atoms.py +1 -1
- wisent/core/data_loaders/loaders/custom.py +3 -3
- wisent/core/data_loaders/loaders/lm_loader.py +4 -4
- wisent/core/download_full_benchmarks.py +2 -2
- wisent/core/evaluators/oracles/interactive.py +1 -1
- wisent/core/evaluators/oracles/nlp_evaluator.py +1 -1
- wisent/core/evaluators/oracles/user_specified.py +1 -1
- wisent/core/lm_eval_harness_ground_truth.py +2 -2
- wisent/core/log_likelihoods_evaluator.py +4 -4
- wisent/core/models/core/atoms.py +1 -1
- wisent/core/models/wisent_model.py +5 -5
- wisent/core/optuna/__init__.py +3 -3
- wisent/core/optuna/classifier/activation_generator.py +2 -2
- wisent/core/optuna/classifier/classifier_cache.py +1 -1
- wisent/core/optuna/classifier/optuna_classifier_optimizer.py +2 -2
- wisent/core/optuna/steering/bigcode_evaluator_wrapper.py +3 -3
- wisent/core/optuna/steering/data_utils.py +3 -3
- wisent/core/optuna/steering/metrics.py +5 -5
- wisent/core/optuna/steering/optuna_pipeline.py +8 -8
- wisent/core/optuna/steering/steering_optimization.py +9 -9
- wisent/core/prompts/core/prompt_formater.py +1 -1
- wisent/core/prompts/prompt_stratiegies/direct_completion.py +1 -1
- wisent/core/prompts/prompt_stratiegies/instruction_following.py +1 -1
- wisent/core/prompts/prompt_stratiegies/multiple_choice.py +1 -1
- wisent/core/prompts/prompt_stratiegies/role_playing.py +1 -1
- wisent/core/sample_size_optimizer.py +2 -2
- wisent/core/steering.py +2 -2
- wisent/core/steering_methods/core/atoms.py +2 -2
- wisent/core/steering_methods/methods/caa.py +1 -1
- wisent/core/steering_optimizer.py +2 -2
- wisent/core/tracking/memory.py +1 -1
- wisent/core/trainers/core/atoms.py +2 -2
- wisent/core/trainers/steering_trainer.py +7 -7
- wisent/opti/methods/opti_classificator.py +5 -5
- wisent/opti/methods/opti_steering.py +5 -5
- wisent/synthetic/cleaners/core/atoms.py +1 -1
- wisent/synthetic/cleaners/deduper_cleaner.py +4 -4
- wisent/synthetic/cleaners/methods/base_dedupers.py +2 -2
- wisent/synthetic/cleaners/methods/base_refusalers.py +2 -2
- wisent/synthetic/cleaners/methods/core/atoms.py +2 -2
- wisent/synthetic/cleaners/pairs_cleaner.py +10 -10
- wisent/synthetic/cleaners/refusaler_cleaner.py +12 -12
- wisent/synthetic/db_instructions/mini_dp.py +1 -1
- wisent/synthetic/generators/diversities/methods/fast_diversity.py +1 -1
- wisent/synthetic/generators/pairs_generator.py +8 -8
- {wisent-0.5.1.dist-info → wisent-0.5.3.dist-info}/METADATA +1 -1
- {wisent-0.5.1.dist-info → wisent-0.5.3.dist-info}/RECORD +91 -91
- {wisent-0.5.1.dist-info → wisent-0.5.3.dist-info}/WHEEL +0 -0
- {wisent-0.5.1.dist-info → wisent-0.5.3.dist-info}/licenses/LICENSE +0 -0
- {wisent-0.5.1.dist-info → wisent-0.5.3.dist-info}/top_level.txt +0 -0
wisent/core/tracking/memory.py
CHANGED
|
@@ -14,7 +14,7 @@ from dataclasses import dataclass, field
|
|
|
14
14
|
from contextlib import contextmanager
|
|
15
15
|
import torch
|
|
16
16
|
|
|
17
|
-
from
|
|
17
|
+
from wisent.core.utils.device import resolve_default_device
|
|
18
18
|
|
|
19
19
|
try:
|
|
20
20
|
import nvidia_ml_py3 as nvml
|
|
@@ -2,8 +2,8 @@ from abc import ABC, abstractmethod
|
|
|
2
2
|
from dataclasses import dataclass
|
|
3
3
|
from typing import Any, Dict
|
|
4
4
|
|
|
5
|
-
from
|
|
6
|
-
from
|
|
5
|
+
from wisent.core.activations.core.atoms import LayerActivations
|
|
6
|
+
from wisent.core.contrastive_pairs.core.set import ContrastivePairSet
|
|
7
7
|
|
|
8
8
|
__all__ = [
|
|
9
9
|
"TrainingResult",
|
|
@@ -8,22 +8,22 @@ import json
|
|
|
8
8
|
import torch
|
|
9
9
|
import datetime as _dt
|
|
10
10
|
|
|
11
|
-
from
|
|
11
|
+
from wisent.core.activations.core.atoms import (
|
|
12
12
|
LayerActivations,
|
|
13
13
|
ActivationAggregationStrategy,
|
|
14
14
|
RawActivationMap,
|
|
15
15
|
)
|
|
16
|
-
from
|
|
16
|
+
from wisent.core.models.wisent_model import WisentModel
|
|
17
17
|
|
|
18
|
-
from
|
|
18
|
+
from wisent.core.trainers.core.atoms import (
|
|
19
19
|
TrainingResult,
|
|
20
20
|
BaseSteeringTrainer
|
|
21
21
|
)
|
|
22
22
|
|
|
23
|
-
from
|
|
24
|
-
from
|
|
25
|
-
from
|
|
26
|
-
from
|
|
23
|
+
from wisent.core.contrastive_pairs.core.set import ContrastivePairSet
|
|
24
|
+
from wisent.core.activations.activations_collector import ActivationCollector
|
|
25
|
+
from wisent.core.steering_methods.core.atoms import BaseSteeringMethod
|
|
26
|
+
from wisent.core.contrastive_pairs.diagnostics import run_control_vector_diagnostics
|
|
27
27
|
|
|
28
28
|
__all__ = [
|
|
29
29
|
"WisentSteeringTrainer",
|
|
@@ -5,8 +5,8 @@ from typing import Callable
|
|
|
5
5
|
|
|
6
6
|
import optuna
|
|
7
7
|
|
|
8
|
-
from
|
|
9
|
-
from
|
|
8
|
+
from wisent.opti.core.atoms import BaseOptimizer
|
|
9
|
+
from wisent.classifiers.core.atoms import BaseClassifier, ClassifierTrainConfig
|
|
10
10
|
|
|
11
11
|
__all__ = ["ClassificationOptimizer"]
|
|
12
12
|
|
|
@@ -52,9 +52,9 @@ class ClassificationOptimizer(BaseOptimizer):
|
|
|
52
52
|
HPORun with the study, best params, and best value.
|
|
53
53
|
|
|
54
54
|
example:
|
|
55
|
-
>>> from
|
|
56
|
-
>>> from
|
|
57
|
-
>>> from
|
|
55
|
+
>>> from wisent.classifiers.models.logistic import LogisticClassifier
|
|
56
|
+
>>> from wisent.classifiers.core.atoms import ClassifierTrainConfig
|
|
57
|
+
>>> from wisent.opti.methods.opti_classificator import ClassificationOptimizer
|
|
58
58
|
>>> import numpy as np
|
|
59
59
|
>>> import torch
|
|
60
60
|
>>> # Create some synthetic data
|
|
@@ -6,12 +6,12 @@ from typing import Any, Callable, Sequence
|
|
|
6
6
|
|
|
7
7
|
import optuna
|
|
8
8
|
|
|
9
|
-
from
|
|
10
|
-
from
|
|
11
|
-
from
|
|
12
|
-
from
|
|
9
|
+
from wisent.opti.core.atoms import BaseOptimizer
|
|
10
|
+
from wisent.core.prompts.core.atom import ChatMessage
|
|
11
|
+
from wisent.core.contrastive_pairs.core.pair import ContrastivePair
|
|
12
|
+
from wisent.core.contrastive_pairs.core.set import ContrastivePairSet
|
|
13
13
|
|
|
14
|
-
from
|
|
14
|
+
from wisent.core.models.wisent_model import WisentModel
|
|
15
15
|
|
|
16
16
|
__all__ = [
|
|
17
17
|
"Prompt",
|
|
@@ -4,7 +4,7 @@ from abc import ABC, abstractmethod
|
|
|
4
4
|
from dataclasses import field, dataclass
|
|
5
5
|
|
|
6
6
|
if TYPE_CHECKING:
|
|
7
|
-
from
|
|
7
|
+
from wisent.core.contrastive_pairs.core.set import ContrastivePairSet
|
|
8
8
|
|
|
9
9
|
__all__ = [
|
|
10
10
|
"CleanStep",
|
|
@@ -1,8 +1,8 @@
|
|
|
1
|
-
from
|
|
2
|
-
from
|
|
1
|
+
from wisent.synthetic.cleaners.core.atoms import CleanStep
|
|
2
|
+
from wisent.synthetic.cleaners.core.atoms import CleanStepStats
|
|
3
3
|
|
|
4
|
-
from
|
|
5
|
-
from
|
|
4
|
+
from wisent.core.contrastive_pairs.core.set import ContrastivePairSet
|
|
5
|
+
from wisent.synthetic.cleaners.methods.core.atoms import Deduper
|
|
6
6
|
|
|
7
7
|
|
|
8
8
|
__all__ = [
|
|
@@ -4,8 +4,8 @@ import hashlib
|
|
|
4
4
|
from collections import Counter, defaultdict
|
|
5
5
|
from typing import Mapping, Sequence, Callable
|
|
6
6
|
|
|
7
|
-
from
|
|
8
|
-
from
|
|
7
|
+
from wisent.synthetic.cleaners.methods.core.atoms import Deduper
|
|
8
|
+
from wisent.core.contrastive_pairs.core.set import ContrastivePairSet
|
|
9
9
|
|
|
10
10
|
__all__ = [
|
|
11
11
|
"SimHashDeduper",
|
|
@@ -1,5 +1,5 @@
|
|
|
1
|
-
from
|
|
2
|
-
from
|
|
1
|
+
from wisent.synthetic.cleaners.methods.core.atoms import Refusaler
|
|
2
|
+
from wisent.core.models.wisent_model import WisentModel
|
|
3
3
|
|
|
4
4
|
import re, unicodedata
|
|
5
5
|
|
|
@@ -1,8 +1,8 @@
|
|
|
1
1
|
|
|
2
2
|
from abc import ABC, abstractmethod
|
|
3
3
|
|
|
4
|
-
from
|
|
5
|
-
from
|
|
4
|
+
from wisent.core.models.wisent_model import WisentModel
|
|
5
|
+
from wisent.core.contrastive_pairs.core.set import ContrastivePairSet
|
|
6
6
|
|
|
7
7
|
|
|
8
8
|
class Refusaler(ABC):
|
|
@@ -2,9 +2,9 @@ from __future__ import annotations
|
|
|
2
2
|
|
|
3
3
|
from typing import Iterable, TYPE_CHECKING
|
|
4
4
|
|
|
5
|
-
from
|
|
6
|
-
from
|
|
7
|
-
from
|
|
5
|
+
from wisent.synthetic.cleaners.core.atoms import CleanStep, Cleaner
|
|
6
|
+
from wisent.synthetic.cleaners.core.atoms import CleanerStats
|
|
7
|
+
from wisent.core.contrastive_pairs.core.set import ContrastivePairSet
|
|
8
8
|
|
|
9
9
|
__all__ = [
|
|
10
10
|
"PairsCleaner",
|
|
@@ -36,13 +36,13 @@ class PairsCleaner(Cleaner):
|
|
|
36
36
|
Tuple of cleaned ContrastivePairSet and CleanerStats with statistics about the cleaning process.
|
|
37
37
|
|
|
38
38
|
example:
|
|
39
|
-
>>> from
|
|
40
|
-
>>> from
|
|
41
|
-
>>> from
|
|
42
|
-
>>> from
|
|
43
|
-
>>> from
|
|
44
|
-
>>> from
|
|
45
|
-
>>> from
|
|
39
|
+
>>> from wisent.core.contrastive_pairs.core.set import ContrastivePairSet
|
|
40
|
+
>>> from wisent.core.contrastive_pairs.core.pair import ContrastivePair
|
|
41
|
+
>>> from wisent.core.contrastive_pairs.core.response import PositiveResponse, NegativeResponse
|
|
42
|
+
>>> from wisent.synthetic.cleaners.methods.base_refusalers import BasesRefusaler
|
|
43
|
+
>>> from wisent.synthetic.cleaners.methods.base_dedupers import SimHashDeduper
|
|
44
|
+
>>> from wisent.synthetic.cleaners.cleaners import PairsCleaner
|
|
45
|
+
>>> from wisent.core.models.wisent_model import WisentModel
|
|
46
46
|
>>> refusal = BasesRefusaler()
|
|
47
47
|
>>> deduper = SimHashDeduper()
|
|
48
48
|
>>> model = WisentModel(model_name="llama3.1")
|
|
@@ -1,12 +1,12 @@
|
|
|
1
1
|
|
|
2
|
-
from
|
|
3
|
-
from
|
|
4
|
-
from
|
|
2
|
+
from wisent.synthetic.cleaners.core.atoms import CleanStep
|
|
3
|
+
from wisent.core.contrastive_pairs.core.pair import ContrastivePair
|
|
4
|
+
from wisent.synthetic.cleaners.core.atoms import CleanStepStats
|
|
5
5
|
|
|
6
|
-
from
|
|
7
|
-
from
|
|
8
|
-
from
|
|
9
|
-
from
|
|
6
|
+
from wisent.synthetic.cleaners.methods.core.atoms import Refusaler
|
|
7
|
+
from wisent.core.models.wisent_model import WisentModel
|
|
8
|
+
from wisent.core.contrastive_pairs.core.set import ContrastivePairSet
|
|
9
|
+
from wisent.core.contrastive_pairs.core.response import PositiveResponse, NegativeResponse
|
|
10
10
|
|
|
11
11
|
__all__ = [
|
|
12
12
|
"RefusalerCleaner",
|
|
@@ -56,11 +56,11 @@ class RefusalerCleaner(CleanStep):
|
|
|
56
56
|
Cleaned ContrastivePairSet with refusals fixed.
|
|
57
57
|
|
|
58
58
|
example:
|
|
59
|
-
>>> from
|
|
60
|
-
>>> from
|
|
61
|
-
>>> from
|
|
62
|
-
>>> from
|
|
63
|
-
>>> from
|
|
59
|
+
>>> from wisent.core.contrastive_pairs.core.set import ContrastivePairSet
|
|
60
|
+
>>> from wisent.core.contrastive_pairs.core.pair import ContrastivePair
|
|
61
|
+
>>> from wisent.core.contrastive_pairs.core.response import PositiveResponse, NegativeResponse
|
|
62
|
+
>>> from wisent.synthetic.cleaners.methods.base_refusalers import SimpleRefusaler
|
|
63
|
+
>>> from wisent.core.models.wisent_model import WisentModel
|
|
64
64
|
>>> refusal = SimpleRefusaler()
|
|
65
65
|
>>> model = WisentModel(...)
|
|
66
66
|
>>> cleaner = RefusalerCleaner(
|
|
@@ -2,7 +2,7 @@ from __future__ import annotations
|
|
|
2
2
|
from typing import Iterable
|
|
3
3
|
import re
|
|
4
4
|
import numpy as np
|
|
5
|
-
from
|
|
5
|
+
from wisent.synthetic.generators.diversities.core.core import Diversity, DiversityScores
|
|
6
6
|
|
|
7
7
|
__all__ = [
|
|
8
8
|
"FastDiversity",
|
|
@@ -3,18 +3,18 @@ from __future__ import annotations
|
|
|
3
3
|
import logging
|
|
4
4
|
|
|
5
5
|
|
|
6
|
-
from
|
|
7
|
-
from
|
|
8
|
-
from
|
|
6
|
+
from wisent.core.contrastive_pairs.core.pair import ContrastivePair
|
|
7
|
+
from wisent.core.contrastive_pairs.core.response import PositiveResponse, NegativeResponse
|
|
8
|
+
from wisent.core.contrastive_pairs.core.set import ContrastivePairSet
|
|
9
9
|
|
|
10
|
-
from
|
|
11
|
-
from
|
|
10
|
+
from wisent.core.models.wisent_model import WisentModel
|
|
11
|
+
from wisent.synthetic.db_instructions.core.atoms import DB_Instructions
|
|
12
12
|
|
|
13
|
-
from
|
|
13
|
+
from wisent.synthetic.generators.core.atoms import GenerationReport
|
|
14
14
|
|
|
15
|
-
from
|
|
15
|
+
from wisent.synthetic.generators.diversities.core.core import Diversity
|
|
16
16
|
|
|
17
|
-
from
|
|
17
|
+
from wisent.synthetic.cleaners.pairs_cleaner import PairsCleaner
|
|
18
18
|
|
|
19
19
|
__all__ = [
|
|
20
20
|
"SyntheticContrastivePairsGenerator",
|
|
@@ -1,15 +1,15 @@
|
|
|
1
|
-
wisent/__init__.py,sha256=
|
|
1
|
+
wisent/__init__.py,sha256=tgzuqHKcEdKBaP57F5oXxq4XlW2n9J4Fj8ZGu7nGOZg,22
|
|
2
2
|
wisent/benchmarks/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
3
3
|
wisent/benchmarks/coding/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
4
4
|
wisent/benchmarks/coding/metrics/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
5
|
-
wisent/benchmarks/coding/metrics/evaluator.py,sha256=
|
|
5
|
+
wisent/benchmarks/coding/metrics/evaluator.py,sha256=hI8WvJ8JyDzoKcAi3Yb4QbJ7dn_KsR4rR17k9q93RCs,11892
|
|
6
6
|
wisent/benchmarks/coding/metrics/passk.py,sha256=IZZmGAbvmONPDYX9khzN6tqk6GZe4EvfijSPBWTbrE8,1984
|
|
7
7
|
wisent/benchmarks/coding/metrics/core/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
8
8
|
wisent/benchmarks/coding/metrics/core/atoms.py,sha256=I4wwOUTDjJ_4Jo6Bbpl8Tkv0Uz9zpwNjzeWBrXru-9g,1001
|
|
9
9
|
wisent/benchmarks/coding/output_sanitizer/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
10
|
-
wisent/benchmarks/coding/output_sanitizer/cpp_sanitizer.py,sha256=
|
|
11
|
-
wisent/benchmarks/coding/output_sanitizer/java_sanitizer.py,sha256=
|
|
12
|
-
wisent/benchmarks/coding/output_sanitizer/python_sanitizer.py,sha256=
|
|
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
13
|
wisent/benchmarks/coding/output_sanitizer/utils.py,sha256=FNepdX6bkDbp3unKLsMXNPemwi1iQnhsYEmcLc4SvWI,3153
|
|
14
14
|
wisent/benchmarks/coding/output_sanitizer/core/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
15
15
|
wisent/benchmarks/coding/output_sanitizer/core/atoms.py,sha256=yoPxZg-jA9XE065erGV99Dj6aE3dFvKzogxLo_IWvq8,1185
|
|
@@ -19,47 +19,47 @@ wisent/benchmarks/coding/providers/core/atoms.py,sha256=6THxuLLpg2GRiKT82ZItyQWg
|
|
|
19
19
|
wisent/benchmarks/coding/providers/livecodebench/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
20
20
|
wisent/benchmarks/coding/providers/livecodebench/provider.py,sha256=A_Gz3v7hk1p3Ep3UAG6M-bhB2FMefGybdo8wsp2rdZQ,2449
|
|
21
21
|
wisent/benchmarks/coding/safe_docker/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
22
|
-
wisent/benchmarks/coding/safe_docker/entrypoint.py,sha256
|
|
23
|
-
wisent/benchmarks/coding/safe_docker/recipes.py,sha256=
|
|
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
24
|
wisent/benchmarks/coding/safe_docker/core/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
25
25
|
wisent/benchmarks/coding/safe_docker/core/atoms.py,sha256=JE2eOKtiXGLNGSNqaPwtpPbcipoPeDdmVNxgt5_EHYE,3026
|
|
26
|
-
wisent/benchmarks/coding/safe_docker/core/runtime.py,sha256=
|
|
26
|
+
wisent/benchmarks/coding/safe_docker/core/runtime.py,sha256=ACzxKnXNPqA3w5kvllmJduz4ZAH9JR3HYDpHmH-7vM4,4393
|
|
27
27
|
wisent/classifiers/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
28
28
|
wisent/classifiers/core/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
29
29
|
wisent/classifiers/core/atoms.py,sha256=rHxL6eO3OptQWc8UPKeZCMbnpnXTB_TzHkinMU_rZSk,25972
|
|
30
30
|
wisent/classifiers/models/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
31
|
-
wisent/classifiers/models/logistic.py,sha256=
|
|
32
|
-
wisent/classifiers/models/mlp.py,sha256=
|
|
31
|
+
wisent/classifiers/models/logistic.py,sha256=nnE1I4WF9iHNFfeGr5khtoG_cJ4hQlfoE2pa9ZaJlKw,859
|
|
32
|
+
wisent/classifiers/models/mlp.py,sha256=fOWAaqTOYpB5lyEzUOb-BTkpPIpX4QpeYuH2yPU2DMw,1519
|
|
33
33
|
wisent/cli/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
34
34
|
wisent/cli/cli_logger.py,sha256=6vuLGPz3wJAf8tHQhuYatRhnFYiUnlPEFy6ThYpqKrs,4477
|
|
35
35
|
wisent/cli/classifiers/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
36
|
-
wisent/cli/classifiers/classifier_rotator.py,sha256=
|
|
36
|
+
wisent/cli/classifiers/classifier_rotator.py,sha256=LAx5hTZ71Q7I4W0uSz9Bn1V4G_cpU3jmvwt160i3zes,5158
|
|
37
37
|
wisent/cli/data_loaders/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
38
|
-
wisent/cli/data_loaders/data_loader_rotator.py,sha256=
|
|
38
|
+
wisent/cli/data_loaders/data_loader_rotator.py,sha256=q68sQJGHLZQ5iaEr84Uo_NeRMChsQL8kZJ3D6Y2MDF8,4309
|
|
39
39
|
wisent/cli/evaluators/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
40
|
-
wisent/cli/evaluators/evaluator_rotator.py,sha256=
|
|
40
|
+
wisent/cli/evaluators/evaluator_rotator.py,sha256=9EDR7zeOwynZvZ-J5h96sYIl9RlKOUihyJ4X5vWf31w,5686
|
|
41
41
|
wisent/cli/steering_methods/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
42
|
-
wisent/cli/steering_methods/steering_rotator.py,sha256=
|
|
42
|
+
wisent/cli/steering_methods/steering_rotator.py,sha256=_S32ItI4IHNNc230Wr8m1q5gP2BrwexSyN1_nkiUOTI,4212
|
|
43
43
|
wisent/cli/wisent_cli/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
44
|
-
wisent/cli/wisent_cli/main.py,sha256=
|
|
45
|
-
wisent/cli/wisent_cli/shell.py,sha256=
|
|
44
|
+
wisent/cli/wisent_cli/main.py,sha256=7_llYPnxVbYCnLU5rIunHNz4jyZdXDJYz8IXkfZDeTI,3503
|
|
45
|
+
wisent/cli/wisent_cli/shell.py,sha256=LVA1hpC7JEUxR_j5p0APPL1jAoyWlt12s4_GMopa1D0,2372
|
|
46
46
|
wisent/cli/wisent_cli/ui.py,sha256=M52163wvh0DgSjsRG69RhqEX87faceXFm-roOn7bH2M,2960
|
|
47
47
|
wisent/cli/wisent_cli/version.py,sha256=ICeC5AhJ79Gx1kISaMY1WQHMl4al3elA4RKLAly-6uc,87
|
|
48
48
|
wisent/cli/wisent_cli/commands/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
49
|
-
wisent/cli/wisent_cli/commands/help_cmd.py,sha256=
|
|
50
|
-
wisent/cli/wisent_cli/commands/listing.py,sha256=
|
|
51
|
-
wisent/cli/wisent_cli/commands/train_cmd.py,sha256=
|
|
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
52
|
wisent/cli/wisent_cli/util/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
53
|
-
wisent/cli/wisent_cli/util/aggregations.py,sha256=
|
|
53
|
+
wisent/cli/wisent_cli/util/aggregations.py,sha256=RW2f-B18k4R0gFlIFACQmrhFKSwfxREUqqu5PaI951Y,1415
|
|
54
54
|
wisent/cli/wisent_cli/util/parsing.py,sha256=DvBTcoBItDGJQI-AE4bs0otBJ7ElLynNhqRDzgeQjzs,4067
|
|
55
|
-
wisent/core/__init__.py,sha256=
|
|
56
|
-
wisent/core/autonomous_agent.py,sha256=
|
|
55
|
+
wisent/core/__init__.py,sha256=n2ytkljR_PHZDqXl6Q4O2kwoNbtCiP5l0JBHfkXkE2s,361
|
|
56
|
+
wisent/core/autonomous_agent.py,sha256=2k1PLWm2DZ6C2fmsjMDKmQ1_wfN7KhpilHrjkTw8nMw,52489
|
|
57
57
|
wisent/core/bigcode_integration.py,sha256=TIaPQDbPRDPdnCq8U-Gwl4lgayPfhOabOVQddqxotY4,19927
|
|
58
58
|
wisent/core/detection_handling.py,sha256=iiuKpzAbJfx_KFn2SFABQHOeeWblDJMXjzGwGDeKqcs,11127
|
|
59
|
-
wisent/core/download_full_benchmarks.py,sha256=
|
|
59
|
+
wisent/core/download_full_benchmarks.py,sha256=KT5zHkau7zk3pgzoCS1UY8Tz7-M9JtlkNXZ9U1uDh2k,55946
|
|
60
60
|
wisent/core/hyperparameter_optimizer.py,sha256=GN-IY27kkFKuXwHbvalfEW5UVf4NfZ0G9rMWK2ThEAY,17319
|
|
61
|
-
wisent/core/lm_eval_harness_ground_truth.py,sha256=
|
|
62
|
-
wisent/core/log_likelihoods_evaluator.py,sha256=
|
|
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
63
|
wisent/core/managed_cached_benchmarks.py,sha256=JbvpZ1fgSuQQhyQVKEvqrQZRHGqfnjo9NFhgITFoFsE,22854
|
|
64
64
|
wisent/core/mixed_benchmark_sampler.py,sha256=tKQCHUXVuYeCyx4VZt8O1hGyB-TOY_SQ_SYi8cyApII,13585
|
|
65
65
|
wisent/core/model_config_manager.py,sha256=rQAdSmk3GFlZXyHp3fSV1bORxiZWhmzIz1uo3H4JtkA,12009
|
|
@@ -67,101 +67,101 @@ wisent/core/model_persistence.py,sha256=6_vc1Ndujd4v0O68giINSTvYhmb7-AiacWwAbqLO
|
|
|
67
67
|
wisent/core/multi_steering.py,sha256=IpaVrs28tZQM8jXbgUbrhq3bWbH4KaNhUZQcWit7_p0,11711
|
|
68
68
|
wisent/core/parser.py,sha256=_YDeSuQMx0zNknz9rX3Ls1YPT1x5eohoY8rfjeoqxV8,69091
|
|
69
69
|
wisent/core/representation.py,sha256=hBl_N9qbr5Gsa7GCQ0nMWRm82RqYEfhd9cyf0PPH5LY,195
|
|
70
|
-
wisent/core/sample_size_optimizer.py,sha256=
|
|
70
|
+
wisent/core/sample_size_optimizer.py,sha256=6wegGXZpdGpiR4R0YJ1D2JqLr6yinMndEx2gB5FL80s,23666
|
|
71
71
|
wisent/core/sample_size_optimizer_v2.py,sha256=bVYJRZC4_Mrq-HFlYLyv-9tWvqEHJ3kCeIwlmYOwI6I,13286
|
|
72
72
|
wisent/core/save_results.py,sha256=PRwaA5qO6EOsvURvLBl3YhvanlC0D0G4iYqxYAQ7sw8,13737
|
|
73
|
-
wisent/core/steering.py,sha256=
|
|
73
|
+
wisent/core/steering.py,sha256=GJsARTiaB72fyGQ8UGmTPBmIRb_0OL_-2BXQANSnKqg,22535
|
|
74
74
|
wisent/core/steering_method.py,sha256=-hZqtvwRS7sGqQJUd36MoPm0rjbO1LrtPAYmcIk8BqQ,462
|
|
75
|
-
wisent/core/steering_optimizer.py,sha256=
|
|
75
|
+
wisent/core/steering_optimizer.py,sha256=wxa4p4aMjJWOknt2Jph28xPgYoEMxZVmp1GFA1pM3Wk,54759
|
|
76
76
|
wisent/core/task_interface.py,sha256=OlWdcxkprmZcOto-bXmg75kzUcWzH_kyW_e7w2FdPLM,4471
|
|
77
77
|
wisent/core/task_selector.py,sha256=QVgozUuiM74BMUJ8Ucb_sn6HQk5v0wL_QUsqKb55vJE,6224
|
|
78
78
|
wisent/core/time_estimator.py,sha256=DcgSzW-hr9BjmXJwBnGqE2dkFK0zgyz5WNF7934CJ9k,5778
|
|
79
79
|
wisent/core/timing_calibration.py,sha256=4eTn1GWGqzsXmWj9aryXUsZbFEPcJ3IvfCIfJJUFA0w,6860
|
|
80
80
|
wisent/core/user_model_config.py,sha256=8optjLqf9wTDtOf0c705d5_Rr2zE67jV9BNqoY-TRvA,6735
|
|
81
81
|
wisent/core/activations/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
82
|
-
wisent/core/activations/activations_collector.py,sha256=
|
|
82
|
+
wisent/core/activations/activations_collector.py,sha256=wRqtxz5ahVrkd0ja1lAIidf6PL6wxfz9YvR8GT5OqXI,14146
|
|
83
83
|
wisent/core/activations/core/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
84
84
|
wisent/core/activations/core/atoms.py,sha256=FeeQj-YKb-1rLX0gnzFc5VM47ikWwfFh3datRduj6mQ,9101
|
|
85
85
|
wisent/core/agent/__init__.py,sha256=bIJAwg-AMQD-thjollZPnkA996zkUR21dPM_TS17ptw,478
|
|
86
86
|
wisent/core/agent/budget.py,sha256=9uLBeqmFRvBPGlNxGM0JbEz_mifH3MpLZp8Lw5IwaiM,24386
|
|
87
|
-
wisent/core/agent/device_benchmarks.py,sha256=
|
|
88
|
-
wisent/core/agent/diagnose.py,sha256=
|
|
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
89
|
wisent/core/agent/steer.py,sha256=qcYMAGTBvPxNLozHkK0uzIKrY1eyK1kCtYx4_wMJOL4,9802
|
|
90
90
|
wisent/core/agent/timeout.py,sha256=I-G4KeAYuz1le6xTLGEWtlOxShWBi6IYSyKuJu-GUz0,4334
|
|
91
91
|
wisent/core/agent/diagnose/__init__.py,sha256=2-4OsA6zqsJKKUmn3okEAXe8Bt4jNUsolIeK-G27f8w,1449
|
|
92
92
|
wisent/core/agent/diagnose/agent_classifier_decision.py,sha256=NgMaogSsXBti8sNWv-Xzna1jwcvZKPsU7M6dX28F6EI,28997
|
|
93
|
-
wisent/core/agent/diagnose/classifier_marketplace.py,sha256=
|
|
94
|
-
wisent/core/agent/diagnose/create_classifier.py,sha256=
|
|
95
|
-
wisent/core/agent/diagnose/response_diagnostics.py,sha256
|
|
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
96
|
wisent/core/agent/diagnose/select_classifiers.py,sha256=Uv5dxEmZRjjkZKmVmYQ1jC_XJVyM2MF5dv-4QRuTWKY,18320
|
|
97
|
-
wisent/core/agent/diagnose/synthetic_classifier_option.py,sha256=
|
|
98
|
-
wisent/core/agent/diagnose/test_synthetic_classifier.py,sha256=
|
|
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
99
|
wisent/core/agent/diagnose/tasks/__init__.py,sha256=rfImwPtKCAfz-ASOBQyF4DEhU6hgCuiZBcqh1AaUE80,704
|
|
100
100
|
wisent/core/agent/diagnose/tasks/task_manager.py,sha256=Nd3ht1vSKmiTxxQx5aCe9QTH4yJwGvLdoUKlimZTfAg,62764
|
|
101
101
|
wisent/core/agent/diagnose/tasks/task_relevance.py,sha256=D4UBr0TqUNXkDZnNgA5wa4NYHSKtDaiugYeVg5zGQjs,3250
|
|
102
102
|
wisent/core/agent/diagnose/tasks/task_selector.py,sha256=ll34stireeqW-B_T4daf_91kujzVFQ8sOilk-JrxpHA,5414
|
|
103
103
|
wisent/core/contrastive_pairs/__init__.py,sha256=AbaAf-t_nyVVy_vLjp8WAlMDmNun3KNp_GMWAK25r9g,429
|
|
104
104
|
wisent/core/contrastive_pairs/core/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
105
|
-
wisent/core/contrastive_pairs/core/atoms.py,sha256=
|
|
106
|
-
wisent/core/contrastive_pairs/core/buliders.py,sha256=
|
|
107
|
-
wisent/core/contrastive_pairs/core/pair.py,sha256=
|
|
108
|
-
wisent/core/contrastive_pairs/core/response.py,sha256=
|
|
109
|
-
wisent/core/contrastive_pairs/core/serialization.py,sha256=
|
|
110
|
-
wisent/core/contrastive_pairs/core/set.py,sha256=
|
|
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
111
|
wisent/core/contrastive_pairs/diagnostics/__init__.py,sha256=aAtEI-oOmR2rTmcpMynODIjuTf7S8dW6wmyQS01aUfY,1498
|
|
112
112
|
wisent/core/contrastive_pairs/diagnostics/activations.py,sha256=TUNxU-HV3oeQxFbZhKo-OISM4mzR-Bib0naHmbqWzk8,1736
|
|
113
113
|
wisent/core/contrastive_pairs/diagnostics/base.py,sha256=uBi8PdTd6BRyy0lmGjAZLTZdgiiWwPNtsmKkBFCmlD0,2658
|
|
114
|
-
wisent/core/contrastive_pairs/diagnostics/control_vectors.py,sha256=
|
|
114
|
+
wisent/core/contrastive_pairs/diagnostics/control_vectors.py,sha256=ypRTEpVzSQDXEqyN-t7ssMoEcM44W8qABwImETEYO9o,6037
|
|
115
115
|
wisent/core/contrastive_pairs/diagnostics/coverage.py,sha256=MpT6_IdLqtMpav6mOCiNuemBVFvxWzkUbj7j3ZNx-48,2761
|
|
116
116
|
wisent/core/contrastive_pairs/diagnostics/divergence.py,sha256=Io3AcGluJogz4qENWu0ivQyFR_5bLN49BzCTI7DIVa4,3430
|
|
117
117
|
wisent/core/contrastive_pairs/diagnostics/duplicates.py,sha256=uwL-RCoQK6e791drLCSl-_z-rYAZXJYXX23zNYNCY0Y,4552
|
|
118
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=
|
|
119
|
+
wisent/core/contrastive_pairs/lm_eval_pairs/atoms.py,sha256=iSvDrDlwvhdD8T6aT1NylUiyu8qRCdZzrMFWw1j7Sjg,8575
|
|
120
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=
|
|
122
|
-
wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_pairs_generation.py,sha256=
|
|
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
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=
|
|
124
|
+
wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/winogrande.py,sha256=rdBYDVlOifA4m5AXLTp9_ttkn2MFs9Yulg371WOjL1s,4044
|
|
125
125
|
wisent/core/data_loaders/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
126
126
|
wisent/core/data_loaders/core/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
127
|
-
wisent/core/data_loaders/core/atoms.py,sha256=
|
|
127
|
+
wisent/core/data_loaders/core/atoms.py,sha256=sjSS5Eb136hE29dHpKaMA0ohADc0k2iBj_PjpC40GuM,3470
|
|
128
128
|
wisent/core/data_loaders/loaders/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
129
|
-
wisent/core/data_loaders/loaders/custom.py,sha256=
|
|
130
|
-
wisent/core/data_loaders/loaders/lm_loader.py,sha256=
|
|
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
131
|
wisent/core/evaluators/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
132
132
|
wisent/core/evaluators/oracles/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
133
|
-
wisent/core/evaluators/oracles/interactive.py,sha256=
|
|
134
|
-
wisent/core/evaluators/oracles/nlp_evaluator.py,sha256=
|
|
135
|
-
wisent/core/evaluators/oracles/user_specified.py,sha256=
|
|
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
136
|
wisent/core/models/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
137
|
-
wisent/core/models/wisent_model.py,sha256=
|
|
137
|
+
wisent/core/models/wisent_model.py,sha256=yJBcz3GjR7O-ySTV2vvOsOrL9xDvXsG0W9Gr0HR_0sc,28729
|
|
138
138
|
wisent/core/models/core/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
139
|
-
wisent/core/models/core/atoms.py,sha256=
|
|
140
|
-
wisent/core/optuna/__init__.py,sha256=
|
|
139
|
+
wisent/core/models/core/atoms.py,sha256=_Bpz0Sfiq6_VswThIltUwNGj_ukl5MhAg8RrgMKwEBM,15756
|
|
140
|
+
wisent/core/optuna/__init__.py,sha256=sTfwRnrRyKrCNVsF_qCjBDFEZC0ZmUZ7m6IE0iHfTVs,1914
|
|
141
141
|
wisent/core/optuna/classifier/__init__.py,sha256=vv2wCAbw8ccZxq3vxrQt9plUdbr7VJj-t2rRnh6jBR8,819
|
|
142
|
-
wisent/core/optuna/classifier/activation_generator.py,sha256=
|
|
143
|
-
wisent/core/optuna/classifier/classifier_cache.py,sha256=
|
|
144
|
-
wisent/core/optuna/classifier/optuna_classifier_optimizer.py,sha256=
|
|
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
145
|
wisent/core/optuna/steering/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
146
|
-
wisent/core/optuna/steering/bigcode_evaluator_wrapper.py,sha256=
|
|
147
|
-
wisent/core/optuna/steering/data_utils.py,sha256=
|
|
148
|
-
wisent/core/optuna/steering/metrics.py,sha256=
|
|
149
|
-
wisent/core/optuna/steering/optuna_pipeline.py,sha256=
|
|
150
|
-
wisent/core/optuna/steering/steering_optimization.py,sha256=
|
|
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
151
|
wisent/core/prompts/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
152
152
|
wisent/core/prompts/core/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
153
153
|
wisent/core/prompts/core/atom.py,sha256=yb3uF7a8Vu7QL_UssriwHlIiqDef43NmppFg7Yj_JTg,1519
|
|
154
|
-
wisent/core/prompts/core/prompt_formater.py,sha256=
|
|
154
|
+
wisent/core/prompts/core/prompt_formater.py,sha256=V-wgz8OPya550p_rkbOkiH-QBzjF3xmnqafCEcNMnuY,5671
|
|
155
155
|
wisent/core/prompts/prompt_stratiegies/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
156
|
-
wisent/core/prompts/prompt_stratiegies/direct_completion.py,sha256=
|
|
157
|
-
wisent/core/prompts/prompt_stratiegies/instruction_following.py,sha256=
|
|
158
|
-
wisent/core/prompts/prompt_stratiegies/multiple_choice.py,sha256=
|
|
159
|
-
wisent/core/prompts/prompt_stratiegies/role_playing.py,sha256=
|
|
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
160
|
wisent/core/steering_methods/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
161
161
|
wisent/core/steering_methods/core/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
162
|
-
wisent/core/steering_methods/core/atoms.py,sha256=
|
|
162
|
+
wisent/core/steering_methods/core/atoms.py,sha256=v8DcO4SSmJXv8KFaYs-A4nR4D2is7Q5SEdFJlZ2SCTg,5420
|
|
163
163
|
wisent/core/steering_methods/methods/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
164
|
-
wisent/core/steering_methods/methods/caa.py,sha256=
|
|
164
|
+
wisent/core/steering_methods/methods/caa.py,sha256=CsMf1QvyywOr0nWehDQDn17IKAZ3qysURwPP6Jgbu5w,1683
|
|
165
165
|
wisent/core/tasks/__init__.py,sha256=AjsAd4VhMOh2c0_y1ZRYhNsc39cT1lec7M8yHKvua84,6727
|
|
166
166
|
wisent/core/tasks/aime_task.py,sha256=SLGcmf_ywtI73JeqQNjuuKVWgddHNmqqq2jhnQS10vw,5417
|
|
167
167
|
wisent/core/tasks/file_task.py,sha256=DUMhrMFXHXfcuNsPg-LbnCg8aL8fLgdooboZCTfdgSc,7079
|
|
@@ -175,44 +175,44 @@ wisent/core/tasks/polymath_task.py,sha256=SNZELmzdQM93rjN2_zdnqXTVokDnBFIj-cXE4d
|
|
|
175
175
|
wisent/core/tasks/supergpqa_task.py,sha256=_axLCD7-ZoigxTfaYwVrzyHuo5woeJxKaBpWSYJZ1Tg,9069
|
|
176
176
|
wisent/core/tracking/__init__.py,sha256=Ey03RCi2x-hPTXFjUGum3qvHWF9D-BpV0B5j0St5giw,1156
|
|
177
177
|
wisent/core/tracking/latency.py,sha256=YWvotesKW1k_-7xmXvFQucOQJq3Uu87M_FkudOjynTE,21855
|
|
178
|
-
wisent/core/tracking/memory.py,sha256=
|
|
178
|
+
wisent/core/tracking/memory.py,sha256=fSGrZzHXvOFz3X0V_80CPvSLT5cQeMWW4OT2QcunlA0,13087
|
|
179
179
|
wisent/core/trainers/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
180
|
-
wisent/core/trainers/steering_trainer.py,sha256=
|
|
180
|
+
wisent/core/trainers/steering_trainer.py,sha256=JAdYwPhiakqN70WLqpZFZBsGHu2yed5v-TSM7ppjKJc,10557
|
|
181
181
|
wisent/core/trainers/core/__init__.py,sha256=D0JX0-XCHdtLrCXhVDHNQafvyWCvJ4-o4UKtkH1lI1k,1257
|
|
182
|
-
wisent/core/trainers/core/atoms.py,sha256=
|
|
182
|
+
wisent/core/trainers/core/atoms.py,sha256=ycWk0G-7EIAEOnQL-o5_V5B8KTQ7CQUilGF4ibjighM,1536
|
|
183
183
|
wisent/opti/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
184
184
|
wisent/opti/core/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
185
185
|
wisent/opti/core/atoms.py,sha256=9UZeb_SOdDxQ6FBhdAf9qXaEXElImKUsoAMsV0c4yZg,5266
|
|
186
186
|
wisent/opti/methods/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
187
|
-
wisent/opti/methods/opti_classificator.py,sha256=
|
|
188
|
-
wisent/opti/methods/opti_steering.py,sha256=
|
|
187
|
+
wisent/opti/methods/opti_classificator.py,sha256=U7F3y6weqe6d9SdhR_w2KyGuu_8X27bkuCn4lHrVCw8,6842
|
|
188
|
+
wisent/opti/methods/opti_steering.py,sha256=Xh1GZKW6DOobJk88txEw7EQaHU9tVWqnyJOqPe8VvAo,5376
|
|
189
189
|
wisent/synthetic/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
190
190
|
wisent/synthetic/cleaners/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
191
|
-
wisent/synthetic/cleaners/deduper_cleaner.py,sha256=
|
|
192
|
-
wisent/synthetic/cleaners/pairs_cleaner.py,sha256=
|
|
193
|
-
wisent/synthetic/cleaners/refusaler_cleaner.py,sha256=
|
|
191
|
+
wisent/synthetic/cleaners/deduper_cleaner.py,sha256=CjURqXjh0j1ESJD6-cDoxmAmwC2cWVHDt6j8f7-ePSM,1556
|
|
192
|
+
wisent/synthetic/cleaners/pairs_cleaner.py,sha256=c6UzgbGL-8np9GA8EnX3zZGSExdVcMzIntGtNtGm2Ak,3835
|
|
193
|
+
wisent/synthetic/cleaners/refusaler_cleaner.py,sha256=VdKSxk9Fm-c4GY0vgcyvW28OPz3iNpfKnzPSNDywih8,5350
|
|
194
194
|
wisent/synthetic/cleaners/core/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
195
|
-
wisent/synthetic/cleaners/core/atoms.py,sha256=
|
|
195
|
+
wisent/synthetic/cleaners/core/atoms.py,sha256=XUrgDhrPs77gCWq9y4VSDaC4WlylRrT1o9vrZjtpB7Y,1350
|
|
196
196
|
wisent/synthetic/cleaners/methods/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
197
|
-
wisent/synthetic/cleaners/methods/base_dedupers.py,sha256
|
|
198
|
-
wisent/synthetic/cleaners/methods/base_refusalers.py,sha256=
|
|
197
|
+
wisent/synthetic/cleaners/methods/base_dedupers.py,sha256=-FBpIA-EDQ5EqIcYz8oYN7yD2s-7kxOR25MqGE1KmP0,11698
|
|
198
|
+
wisent/synthetic/cleaners/methods/base_refusalers.py,sha256=a6a5kyXlsJESLYBI0LOUVNVAS1ObOJEONcmF9Leugyo,10324
|
|
199
199
|
wisent/synthetic/cleaners/methods/core/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
200
|
-
wisent/synthetic/cleaners/methods/core/atoms.py,sha256=
|
|
200
|
+
wisent/synthetic/cleaners/methods/core/atoms.py,sha256=kxD-CnS-u2GXAiezNYEQJ0asgxbMpmR4sXroSz5QjxE,1563
|
|
201
201
|
wisent/synthetic/db_instructions/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
202
|
-
wisent/synthetic/db_instructions/mini_dp.py,sha256=
|
|
202
|
+
wisent/synthetic/db_instructions/mini_dp.py,sha256=HgRDwofFdvRyQnTfFwGiCokP3ret03GrQEI13gb7V9I,1780
|
|
203
203
|
wisent/synthetic/db_instructions/core/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
204
204
|
wisent/synthetic/db_instructions/core/atoms.py,sha256=jBazuD37hyBMIsbFNDjpwlGnxECAOuh4YT0fmpH8C6o,748
|
|
205
205
|
wisent/synthetic/generators/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
206
|
-
wisent/synthetic/generators/pairs_generator.py,sha256=
|
|
206
|
+
wisent/synthetic/generators/pairs_generator.py,sha256=RfpPdBTqNyWHtYS3ZT4WX_0h5fXLDSDTLXtoRXRcp2k,6551
|
|
207
207
|
wisent/synthetic/generators/core/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
208
208
|
wisent/synthetic/generators/core/atoms.py,sha256=9wL0v38BCqn3y9LtoRkQsK_X3egjdYcPmFXH0mgFSWg,2290
|
|
209
209
|
wisent/synthetic/generators/diversities/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
210
210
|
wisent/synthetic/generators/diversities/core/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
211
211
|
wisent/synthetic/generators/diversities/core/core.py,sha256=TjSj5T7NE5kRH-ABcFqb1Hz_j3Z6F_TcV-95uHD5Xw8,2201
|
|
212
212
|
wisent/synthetic/generators/diversities/methods/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
213
|
-
wisent/synthetic/generators/diversities/methods/fast_diversity.py,sha256=
|
|
214
|
-
wisent-0.5.
|
|
215
|
-
wisent-0.5.
|
|
216
|
-
wisent-0.5.
|
|
217
|
-
wisent-0.5.
|
|
218
|
-
wisent-0.5.
|
|
213
|
+
wisent/synthetic/generators/diversities/methods/fast_diversity.py,sha256=Z2UzTbzyJFM_ToxCoXM_LQQQ1Jc6BZknrbpikTG1MRw,8522
|
|
214
|
+
wisent-0.5.3.dist-info/licenses/LICENSE,sha256=wy0iaw8b2tyqZAfKHib3lP3PJ9o88FDCg92oUHh3sDQ,1073
|
|
215
|
+
wisent-0.5.3.dist-info/METADATA,sha256=Qomo-TEm-i_-gjiAzbGz_Vr9WpeAKjU9tO8rrbeiWbQ,2424
|
|
216
|
+
wisent-0.5.3.dist-info/WHEEL,sha256=_zCd3N1l69ArxyTb8rzEoP9TpbYXkqRFSNOD5OuxnTs,91
|
|
217
|
+
wisent-0.5.3.dist-info/top_level.txt,sha256=2Ts9Iyldnb3auIN2HBBaHPknRy7nSRDm2f6RGzYgr8A,7
|
|
218
|
+
wisent-0.5.3.dist-info/RECORD,,
|
|
File without changes
|