wisent 0.1.1__py3-none-any.whl → 0.5.1__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 -8
- wisent/benchmarks/__init__.py +0 -0
- wisent/benchmarks/coding/__init__.py +0 -0
- wisent/benchmarks/coding/metrics/__init__.py +0 -0
- wisent/benchmarks/coding/metrics/core/__init__.py +0 -0
- wisent/benchmarks/coding/metrics/core/atoms.py +36 -0
- wisent/benchmarks/coding/metrics/evaluator.py +275 -0
- wisent/benchmarks/coding/metrics/passk.py +66 -0
- wisent/benchmarks/coding/output_sanitizer/__init__.py +0 -0
- wisent/benchmarks/coding/output_sanitizer/core/__init__.py +0 -0
- wisent/benchmarks/coding/output_sanitizer/core/atoms.py +27 -0
- wisent/benchmarks/coding/output_sanitizer/cpp_sanitizer.py +62 -0
- wisent/benchmarks/coding/output_sanitizer/java_sanitizer.py +78 -0
- wisent/benchmarks/coding/output_sanitizer/python_sanitizer.py +94 -0
- wisent/benchmarks/coding/output_sanitizer/utils.py +107 -0
- wisent/benchmarks/coding/providers/__init__.py +18 -0
- wisent/benchmarks/coding/providers/core/__init__.py +0 -0
- wisent/benchmarks/coding/providers/core/atoms.py +31 -0
- wisent/benchmarks/coding/providers/livecodebench/__init__.py +0 -0
- wisent/benchmarks/coding/providers/livecodebench/provider.py +53 -0
- wisent/benchmarks/coding/safe_docker/__init__.py +0 -0
- wisent/benchmarks/coding/safe_docker/core/__init__.py +0 -0
- wisent/benchmarks/coding/safe_docker/core/atoms.py +105 -0
- wisent/benchmarks/coding/safe_docker/core/runtime.py +118 -0
- wisent/benchmarks/coding/safe_docker/entrypoint.py +123 -0
- wisent/benchmarks/coding/safe_docker/recipes.py +60 -0
- wisent/classifiers/__init__.py +0 -0
- wisent/classifiers/core/__init__.py +0 -0
- wisent/classifiers/core/atoms.py +747 -0
- wisent/classifiers/models/__init__.py +0 -0
- wisent/classifiers/models/logistic.py +29 -0
- wisent/classifiers/models/mlp.py +47 -0
- wisent/cli/__init__.py +0 -0
- wisent/cli/classifiers/__init__.py +0 -0
- wisent/cli/classifiers/classifier_rotator.py +137 -0
- wisent/cli/cli_logger.py +142 -0
- wisent/cli/data_loaders/__init__.py +0 -0
- wisent/cli/data_loaders/data_loader_rotator.py +96 -0
- wisent/cli/evaluators/__init__.py +0 -0
- wisent/cli/evaluators/evaluator_rotator.py +148 -0
- wisent/cli/steering_methods/__init__.py +0 -0
- wisent/cli/steering_methods/steering_rotator.py +110 -0
- wisent/cli/wisent_cli/__init__.py +0 -0
- wisent/cli/wisent_cli/commands/__init__.py +0 -0
- wisent/cli/wisent_cli/commands/help_cmd.py +52 -0
- wisent/cli/wisent_cli/commands/listing.py +154 -0
- wisent/cli/wisent_cli/commands/train_cmd.py +322 -0
- wisent/cli/wisent_cli/main.py +93 -0
- wisent/cli/wisent_cli/shell.py +80 -0
- wisent/cli/wisent_cli/ui.py +69 -0
- wisent/cli/wisent_cli/util/__init__.py +0 -0
- wisent/cli/wisent_cli/util/aggregations.py +43 -0
- wisent/cli/wisent_cli/util/parsing.py +126 -0
- wisent/cli/wisent_cli/version.py +4 -0
- wisent/core/__init__.py +27 -0
- wisent/core/activations/__init__.py +0 -0
- wisent/core/activations/activations_collector.py +338 -0
- wisent/core/activations/core/__init__.py +0 -0
- wisent/core/activations/core/atoms.py +216 -0
- wisent/core/agent/__init__.py +18 -0
- wisent/core/agent/budget.py +638 -0
- wisent/core/agent/device_benchmarks.py +685 -0
- wisent/core/agent/diagnose/__init__.py +55 -0
- wisent/core/agent/diagnose/agent_classifier_decision.py +641 -0
- wisent/core/agent/diagnose/classifier_marketplace.py +554 -0
- wisent/core/agent/diagnose/create_classifier.py +1154 -0
- wisent/core/agent/diagnose/response_diagnostics.py +268 -0
- wisent/core/agent/diagnose/select_classifiers.py +506 -0
- wisent/core/agent/diagnose/synthetic_classifier_option.py +754 -0
- wisent/core/agent/diagnose/tasks/__init__.py +33 -0
- wisent/core/agent/diagnose/tasks/task_manager.py +1456 -0
- wisent/core/agent/diagnose/tasks/task_relevance.py +94 -0
- wisent/core/agent/diagnose/tasks/task_selector.py +151 -0
- wisent/core/agent/diagnose/test_synthetic_classifier.py +71 -0
- wisent/core/agent/diagnose.py +242 -0
- wisent/core/agent/steer.py +212 -0
- wisent/core/agent/timeout.py +134 -0
- wisent/core/autonomous_agent.py +1234 -0
- wisent/core/bigcode_integration.py +583 -0
- wisent/core/contrastive_pairs/__init__.py +15 -0
- wisent/core/contrastive_pairs/core/__init__.py +0 -0
- wisent/core/contrastive_pairs/core/atoms.py +45 -0
- wisent/core/contrastive_pairs/core/buliders.py +59 -0
- wisent/core/contrastive_pairs/core/pair.py +178 -0
- wisent/core/contrastive_pairs/core/response.py +152 -0
- wisent/core/contrastive_pairs/core/serialization.py +300 -0
- wisent/core/contrastive_pairs/core/set.py +133 -0
- wisent/core/contrastive_pairs/diagnostics/__init__.py +45 -0
- wisent/core/contrastive_pairs/diagnostics/activations.py +53 -0
- wisent/core/contrastive_pairs/diagnostics/base.py +73 -0
- wisent/core/contrastive_pairs/diagnostics/control_vectors.py +169 -0
- wisent/core/contrastive_pairs/diagnostics/coverage.py +79 -0
- wisent/core/contrastive_pairs/diagnostics/divergence.py +98 -0
- wisent/core/contrastive_pairs/diagnostics/duplicates.py +116 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/__init__.py +0 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/atoms.py +238 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_extractor_manifest.py +8 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_extractor_registry.py +132 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/__init__.py +0 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_extractors/winogrande.py +115 -0
- wisent/core/contrastive_pairs/lm_eval_pairs/lm_task_pairs_generation.py +50 -0
- wisent/core/data_loaders/__init__.py +0 -0
- wisent/core/data_loaders/core/__init__.py +0 -0
- wisent/core/data_loaders/core/atoms.py +98 -0
- wisent/core/data_loaders/loaders/__init__.py +0 -0
- wisent/core/data_loaders/loaders/custom.py +120 -0
- wisent/core/data_loaders/loaders/lm_loader.py +218 -0
- wisent/core/detection_handling.py +257 -0
- wisent/core/download_full_benchmarks.py +1386 -0
- wisent/core/evaluators/__init__.py +0 -0
- wisent/core/evaluators/oracles/__init__.py +0 -0
- wisent/core/evaluators/oracles/interactive.py +73 -0
- wisent/core/evaluators/oracles/nlp_evaluator.py +440 -0
- wisent/core/evaluators/oracles/user_specified.py +67 -0
- wisent/core/hyperparameter_optimizer.py +429 -0
- wisent/core/lm_eval_harness_ground_truth.py +1396 -0
- wisent/core/log_likelihoods_evaluator.py +321 -0
- wisent/core/managed_cached_benchmarks.py +595 -0
- wisent/core/mixed_benchmark_sampler.py +364 -0
- wisent/core/model_config_manager.py +330 -0
- wisent/core/model_persistence.py +317 -0
- wisent/core/models/__init__.py +0 -0
- wisent/core/models/core/__init__.py +0 -0
- wisent/core/models/core/atoms.py +460 -0
- wisent/core/models/wisent_model.py +727 -0
- wisent/core/multi_steering.py +316 -0
- wisent/core/optuna/__init__.py +57 -0
- wisent/core/optuna/classifier/__init__.py +25 -0
- wisent/core/optuna/classifier/activation_generator.py +349 -0
- wisent/core/optuna/classifier/classifier_cache.py +509 -0
- wisent/core/optuna/classifier/optuna_classifier_optimizer.py +606 -0
- wisent/core/optuna/steering/__init__.py +0 -0
- wisent/core/optuna/steering/bigcode_evaluator_wrapper.py +188 -0
- wisent/core/optuna/steering/data_utils.py +342 -0
- wisent/core/optuna/steering/metrics.py +474 -0
- wisent/core/optuna/steering/optuna_pipeline.py +1738 -0
- wisent/core/optuna/steering/steering_optimization.py +1111 -0
- wisent/core/parser.py +1668 -0
- wisent/core/prompts/__init__.py +0 -0
- wisent/core/prompts/core/__init__.py +0 -0
- wisent/core/prompts/core/atom.py +57 -0
- wisent/core/prompts/core/prompt_formater.py +157 -0
- wisent/core/prompts/prompt_stratiegies/__init__.py +0 -0
- wisent/core/prompts/prompt_stratiegies/direct_completion.py +24 -0
- wisent/core/prompts/prompt_stratiegies/instruction_following.py +24 -0
- wisent/core/prompts/prompt_stratiegies/multiple_choice.py +29 -0
- wisent/core/prompts/prompt_stratiegies/role_playing.py +31 -0
- wisent/core/representation.py +5 -0
- wisent/core/sample_size_optimizer.py +648 -0
- wisent/core/sample_size_optimizer_v2.py +355 -0
- wisent/core/save_results.py +277 -0
- wisent/core/steering.py +652 -0
- wisent/core/steering_method.py +26 -0
- wisent/core/steering_methods/__init__.py +0 -0
- wisent/core/steering_methods/core/__init__.py +0 -0
- wisent/core/steering_methods/core/atoms.py +153 -0
- wisent/core/steering_methods/methods/__init__.py +0 -0
- wisent/core/steering_methods/methods/caa.py +44 -0
- wisent/core/steering_optimizer.py +1297 -0
- wisent/core/task_interface.py +132 -0
- wisent/core/task_selector.py +189 -0
- wisent/core/tasks/__init__.py +175 -0
- wisent/core/tasks/aime_task.py +141 -0
- wisent/core/tasks/file_task.py +211 -0
- wisent/core/tasks/hle_task.py +180 -0
- wisent/core/tasks/hmmt_task.py +119 -0
- wisent/core/tasks/livecodebench_task.py +201 -0
- wisent/core/tasks/livemathbench_task.py +158 -0
- wisent/core/tasks/lm_eval_task.py +455 -0
- wisent/core/tasks/math500_task.py +84 -0
- wisent/core/tasks/polymath_task.py +146 -0
- wisent/core/tasks/supergpqa_task.py +220 -0
- wisent/core/time_estimator.py +149 -0
- wisent/core/timing_calibration.py +174 -0
- wisent/core/tracking/__init__.py +54 -0
- wisent/core/tracking/latency.py +618 -0
- wisent/core/tracking/memory.py +359 -0
- wisent/core/trainers/__init__.py +0 -0
- wisent/core/trainers/core/__init__.py +11 -0
- wisent/core/trainers/core/atoms.py +45 -0
- wisent/core/trainers/steering_trainer.py +271 -0
- wisent/core/user_model_config.py +158 -0
- wisent/opti/__init__.py +0 -0
- wisent/opti/core/__init__.py +0 -0
- wisent/opti/core/atoms.py +175 -0
- wisent/opti/methods/__init__.py +0 -0
- wisent/opti/methods/opti_classificator.py +172 -0
- wisent/opti/methods/opti_steering.py +138 -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/core/atoms.py +58 -0
- wisent/synthetic/cleaners/deduper_cleaner.py +53 -0
- wisent/synthetic/cleaners/methods/__init__.py +0 -0
- wisent/synthetic/cleaners/methods/base_dedupers.py +320 -0
- wisent/synthetic/cleaners/methods/base_refusalers.py +286 -0
- wisent/synthetic/cleaners/methods/core/__init__.py +0 -0
- wisent/synthetic/cleaners/methods/core/atoms.py +47 -0
- wisent/synthetic/cleaners/pairs_cleaner.py +90 -0
- wisent/synthetic/cleaners/refusaler_cleaner.py +133 -0
- wisent/synthetic/db_instructions/__init__.py +0 -0
- wisent/synthetic/db_instructions/core/__init__.py +0 -0
- wisent/synthetic/db_instructions/core/atoms.py +25 -0
- wisent/synthetic/db_instructions/mini_dp.py +37 -0
- wisent/synthetic/generators/__init__.py +0 -0
- wisent/synthetic/generators/core/__init__.py +0 -0
- wisent/synthetic/generators/core/atoms.py +73 -0
- wisent/synthetic/generators/diversities/__init__.py +0 -0
- wisent/synthetic/generators/diversities/core/__init__.py +0 -0
- wisent/synthetic/generators/diversities/core/core.py +68 -0
- wisent/synthetic/generators/diversities/methods/__init__.py +0 -0
- wisent/synthetic/generators/diversities/methods/fast_diversity.py +249 -0
- wisent/synthetic/generators/pairs_generator.py +179 -0
- wisent-0.5.1.dist-info/METADATA +67 -0
- wisent-0.5.1.dist-info/RECORD +218 -0
- {wisent-0.1.1.dist-info → wisent-0.5.1.dist-info}/WHEEL +1 -1
- {wisent-0.1.1.dist-info → wisent-0.5.1.dist-info/licenses}/LICENSE +2 -2
- wisent/activations/__init__.py +0 -9
- wisent/activations/client.py +0 -97
- wisent/activations/extractor.py +0 -251
- wisent/activations/models.py +0 -95
- wisent/client.py +0 -45
- wisent/control_vector/__init__.py +0 -9
- wisent/control_vector/client.py +0 -85
- wisent/control_vector/manager.py +0 -168
- wisent/control_vector/models.py +0 -70
- wisent/inference/__init__.py +0 -9
- wisent/inference/client.py +0 -103
- wisent/inference/inferencer.py +0 -250
- wisent/inference/models.py +0 -66
- wisent/utils/__init__.py +0 -3
- wisent/utils/auth.py +0 -30
- wisent/utils/http.py +0 -228
- wisent/version.py +0 -3
- wisent-0.1.1.dist-info/METADATA +0 -142
- wisent-0.1.1.dist-info/RECORD +0 -23
- {wisent-0.1.1.dist-info → wisent-0.5.1.dist-info}/top_level.txt +0 -0
wisent-0.1.1.dist-info/METADATA
DELETED
|
@@ -1,142 +0,0 @@
|
|
|
1
|
-
Metadata-Version: 2.2
|
|
2
|
-
Name: wisent
|
|
3
|
-
Version: 0.1.1
|
|
4
|
-
Summary: Client library for interacting with the Wisent backend services
|
|
5
|
-
Home-page: https://github.com/wisent-ai/wisent
|
|
6
|
-
Author: Wisent Team
|
|
7
|
-
Author-email: info@wisent.ai
|
|
8
|
-
Classifier: Programming Language :: Python :: 3
|
|
9
|
-
Classifier: License :: OSI Approved :: MIT License
|
|
10
|
-
Classifier: Operating System :: OS Independent
|
|
11
|
-
Requires-Python: >=3.8
|
|
12
|
-
Description-Content-Type: text/markdown
|
|
13
|
-
License-File: LICENSE
|
|
14
|
-
Requires-Dist: requests>=2.25.0
|
|
15
|
-
Requires-Dist: pydantic>=2.0.0
|
|
16
|
-
Requires-Dist: aiohttp>=3.8.0
|
|
17
|
-
Requires-Dist: torch>=2.0.0
|
|
18
|
-
Requires-Dist: numpy>=1.20.0
|
|
19
|
-
Requires-Dist: tqdm>=4.60.0
|
|
20
|
-
Requires-Dist: transformers>=4.30.0
|
|
21
|
-
Dynamic: author
|
|
22
|
-
Dynamic: author-email
|
|
23
|
-
Dynamic: classifier
|
|
24
|
-
Dynamic: description
|
|
25
|
-
Dynamic: description-content-type
|
|
26
|
-
Dynamic: home-page
|
|
27
|
-
Dynamic: requires-dist
|
|
28
|
-
Dynamic: requires-python
|
|
29
|
-
Dynamic: summary
|
|
30
|
-
|
|
31
|
-
# Wisent
|
|
32
|
-
|
|
33
|
-
A Python client library for interacting with the Wisent backend services.
|
|
34
|
-
|
|
35
|
-
## Installation
|
|
36
|
-
|
|
37
|
-
```bash
|
|
38
|
-
pip install wisent
|
|
39
|
-
```
|
|
40
|
-
|
|
41
|
-
## Features
|
|
42
|
-
|
|
43
|
-
- **Activations**: Extract and send model activations to the Wisent backend
|
|
44
|
-
- **Control Vectors**: Retrieve and apply control vectors for model inference
|
|
45
|
-
- **Inference**: Utilities for applying control vectors during inference
|
|
46
|
-
- **Utilities**: Helper functions for common tasks
|
|
47
|
-
|
|
48
|
-
## Quick Start
|
|
49
|
-
|
|
50
|
-
```python
|
|
51
|
-
from wisent import WisentClient
|
|
52
|
-
|
|
53
|
-
# Initialize the client
|
|
54
|
-
client = WisentClient(api_key="your_api_key", base_url="https://api.wisent.ai")
|
|
55
|
-
|
|
56
|
-
# Extract activations from a model and send to backend
|
|
57
|
-
activations = client.activations.extract(
|
|
58
|
-
model_name="mistralai/Mistral-7B-Instruct-v0.1",
|
|
59
|
-
prompt="Tell me about quantum computing",
|
|
60
|
-
layers=[0, 12, 24]
|
|
61
|
-
)
|
|
62
|
-
|
|
63
|
-
# Get a control vector from the backend
|
|
64
|
-
control_vector = client.control_vector.get(
|
|
65
|
-
name="helpful",
|
|
66
|
-
model="mistralai/Mistral-7B-Instruct-v0.1"
|
|
67
|
-
)
|
|
68
|
-
|
|
69
|
-
# Apply a control vector during inference
|
|
70
|
-
response = client.inference.generate_with_control(
|
|
71
|
-
model_name="mistralai/Mistral-7B-Instruct-v0.1",
|
|
72
|
-
prompt="Tell me about quantum computing",
|
|
73
|
-
control_vectors={"helpful": 0.8, "concise": 0.5}
|
|
74
|
-
)
|
|
75
|
-
|
|
76
|
-
# Print the response
|
|
77
|
-
print(response.text)
|
|
78
|
-
```
|
|
79
|
-
|
|
80
|
-
## Advanced Usage
|
|
81
|
-
|
|
82
|
-
### Extracting Activations
|
|
83
|
-
|
|
84
|
-
```python
|
|
85
|
-
from wisent.activations import ActivationExtractor
|
|
86
|
-
|
|
87
|
-
# Create an extractor
|
|
88
|
-
extractor = ActivationExtractor(
|
|
89
|
-
model_name="mistralai/Mistral-7B-Instruct-v0.1",
|
|
90
|
-
device="cuda"
|
|
91
|
-
)
|
|
92
|
-
|
|
93
|
-
# Extract activations for a specific prompt
|
|
94
|
-
activations = extractor.extract(
|
|
95
|
-
prompt="Tell me about quantum computing",
|
|
96
|
-
layers=[0, 12, 24],
|
|
97
|
-
tokens_to_extract=[-10, -1] # Extract last 10 tokens and final token
|
|
98
|
-
)
|
|
99
|
-
|
|
100
|
-
# Send activations to the Wisent backend
|
|
101
|
-
from wisent import WisentClient
|
|
102
|
-
client = WisentClient(api_key="your_api_key")
|
|
103
|
-
client.activations.upload(activations)
|
|
104
|
-
```
|
|
105
|
-
|
|
106
|
-
### Working with Control Vectors
|
|
107
|
-
|
|
108
|
-
```python
|
|
109
|
-
from wisent.control_vector import ControlVectorManager
|
|
110
|
-
|
|
111
|
-
# Initialize the manager
|
|
112
|
-
manager = ControlVectorManager(api_key="your_api_key")
|
|
113
|
-
|
|
114
|
-
# Get a control vector
|
|
115
|
-
helpful_vector = manager.get("helpful", model="mistralai/Mistral-7B-Instruct-v0.1")
|
|
116
|
-
|
|
117
|
-
# Combine multiple vectors
|
|
118
|
-
combined_vector = manager.combine(
|
|
119
|
-
vectors={
|
|
120
|
-
"helpful": 0.8,
|
|
121
|
-
"concise": 0.5
|
|
122
|
-
},
|
|
123
|
-
model="mistralai/Mistral-7B-Instruct-v0.1"
|
|
124
|
-
)
|
|
125
|
-
|
|
126
|
-
# Apply during inference
|
|
127
|
-
from wisent.inference import Inferencer
|
|
128
|
-
inferencer = Inferencer(model_name="mistralai/Mistral-7B-Instruct-v0.1")
|
|
129
|
-
response = inferencer.generate(
|
|
130
|
-
prompt="Tell me about quantum computing",
|
|
131
|
-
control_vector=combined_vector,
|
|
132
|
-
method="caa" # Context-Aware Addition
|
|
133
|
-
)
|
|
134
|
-
```
|
|
135
|
-
|
|
136
|
-
## Documentation
|
|
137
|
-
|
|
138
|
-
For full documentation, visit [docs.wisent.ai](https://docs.wisent.ai).
|
|
139
|
-
|
|
140
|
-
## License
|
|
141
|
-
|
|
142
|
-
MIT
|
wisent-0.1.1.dist-info/RECORD
DELETED
|
@@ -1,23 +0,0 @@
|
|
|
1
|
-
wisent/__init__.py,sha256=oenGFUKmnJh5VuHLbNvK4W87jY6OX2bad5bdZg3JDkg,204
|
|
2
|
-
wisent/client.py,sha256=Yiz-xeVo5EPxKdNxrg05diy17kYa7wv1Q0iTgg0cpv0,1408
|
|
3
|
-
wisent/version.py,sha256=HOmU5sgXU14tXjdvSe0iIIyluugGL0Y7R8eo1JaeyxE,50
|
|
4
|
-
wisent/activations/__init__.py,sha256=IXhsn6OGw9N-tsRDar-YIxHevpqDhSI0zMCbwF8GUOo,342
|
|
5
|
-
wisent/activations/client.py,sha256=ibDcIXF_W53F2BBOIWRzZZMXLj6ZtINAxY_cTaRaiyU,3035
|
|
6
|
-
wisent/activations/extractor.py,sha256=FWVqF3IcF0oyo8A0nrt4qYTnevi7xN2_CIXPVAINuqM,9094
|
|
7
|
-
wisent/activations/models.py,sha256=MyNrKBS33Tln84FhV7iQknkPW08Eg69M6roSdYIa5ks,2678
|
|
8
|
-
wisent/control_vector/__init__.py,sha256=HG4PDNhWvTyWnNICsj7srWwK8h9fVglEUGBNfO0ti-I,356
|
|
9
|
-
wisent/control_vector/client.py,sha256=kZydPLAKzPpoaI3A2muZk-hOyKeKVeKALG7yENKNMMY,2382
|
|
10
|
-
wisent/control_vector/manager.py,sha256=VNB5BBrm0NWcuHTwT-mG5xMrV4dQW6bIuqzgvkwhl30,4998
|
|
11
|
-
wisent/control_vector/models.py,sha256=oe71uq71m2uOvFdxcwLUyKiTzkFmUpJZTp_J1RLHMGA,1990
|
|
12
|
-
wisent/inference/__init__.py,sha256=BRbNaUptOA5RzyBzjbUkYL9uj6tgNU0hzDsF8X0_eOY,324
|
|
13
|
-
wisent/inference/client.py,sha256=37CAvXkvASPWe4vY7AxrZnbmW90I8m7qrS_nb8lhZTg,3198
|
|
14
|
-
wisent/inference/inferencer.py,sha256=DAcKnAd4qIEweB190VVB0OVivhOg6CJwGDOk_d0e2wg,8807
|
|
15
|
-
wisent/inference/models.py,sha256=1PAAN_XdR5SK1i3UgZAEG8KvYjgr1pZFNzhx3i49iWA,1743
|
|
16
|
-
wisent/utils/__init__.py,sha256=vBkMxUrO9zzLFgKjdRP2zlige1n_83HVwWtzyMA-pEA,62
|
|
17
|
-
wisent/utils/auth.py,sha256=5HBN8LTzqg69tuzCk1r52HeIcPULQFhZgAipnqT_kvU,676
|
|
18
|
-
wisent/utils/http.py,sha256=iJ6YM1XyBdaO5MTyDLt-59ik2CjOtcKel8AWqcV-7yI,7654
|
|
19
|
-
wisent-0.1.1.dist-info/LICENSE,sha256=3T6y8B1fz8ZX0hclhj19tMPywIvQdNCU5gfreL7lr3M,1068
|
|
20
|
-
wisent-0.1.1.dist-info/METADATA,sha256=I5WZ2AtGfQWTMmKt5L7lRKLQcyxuJe5JGAXVtfRdySM,3626
|
|
21
|
-
wisent-0.1.1.dist-info/WHEEL,sha256=jB7zZ3N9hIM9adW7qlTAyycLYW9npaWKLRzaoVcLKcM,91
|
|
22
|
-
wisent-0.1.1.dist-info/top_level.txt,sha256=2Ts9Iyldnb3auIN2HBBaHPknRy7nSRDm2f6RGzYgr8A,7
|
|
23
|
-
wisent-0.1.1.dist-info/RECORD,,
|
|
File without changes
|