Upload folder using huggingface_hub
Browse files- .gitattributes +1 -0
- README.md +153 -326
- adapter_config.json +8 -8
- adapter_model.safetensors +2 -2
- ce_kl_auto_metrics.jsonl +27 -0
- config.json +20 -0
- control_plots.png +0 -0
- mdl_ledger.jsonl +271 -0
- training_summary.json +19 -0
- validation_results.json +16 -0
.gitattributes
CHANGED
|
@@ -13,3 +13,4 @@
|
|
| 13 |
*.zip filter=lfs diff=lfs merge=lfs -texttokenizer.json filter=lfs diff=lfs merge=lfs -text
|
| 14 |
3b-scu/tokenizer.json filter=lfs diff=lfs merge=lfs -text
|
| 15 |
3b-fixed/tokenizer.json filter=lfs diff=lfs merge=lfs -text
|
|
|
|
|
|
| 13 |
*.zip filter=lfs diff=lfs merge=lfs -texttokenizer.json filter=lfs diff=lfs merge=lfs -text
|
| 14 |
3b-scu/tokenizer.json filter=lfs diff=lfs merge=lfs -text
|
| 15 |
3b-fixed/tokenizer.json filter=lfs diff=lfs merge=lfs -text
|
| 16 |
+
tokenizer.json filter=lfs diff=lfs merge=lfs -text
|
README.md
CHANGED
|
@@ -1,379 +1,206 @@
|
|
| 1 |
---
|
| 2 |
-
license:
|
| 3 |
-
- apache-2.0
|
| 4 |
-
- llama3.2
|
| 5 |
-
tags:
|
| 6 |
-
- llama
|
| 7 |
-
- control-theory
|
| 8 |
-
- regularization
|
| 9 |
-
- automatic-control
|
| 10 |
-
- information-theory
|
| 11 |
-
language:
|
| 12 |
-
- en
|
| 13 |
base_model: meta-llama/Llama-3.2-1B
|
| 14 |
-
library_name:
|
|
|
|
|
|
|
|
|
|
|
|
|
| 15 |
---
|
| 16 |
|
| 17 |
-
#
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
| 18 |
|
| 19 |
-
|
|
|
|
|
|
|
| 20 |
|
| 21 |
-
|
| 22 |
-
[]()
|
| 23 |
-
[]()
|
| 24 |
|
| 25 |
-
|
| 26 |
|
| 27 |
-
|
| 28 |
|
| 29 |
-
|
| 30 |
|
| 31 |
-
|
| 32 |
-
```
|
| 33 |
-
L_total = L_data + λ(t)·L_params
|
| 34 |
-
```
|
| 35 |
-
|
| 36 |
-
Where:
|
| 37 |
-
- **L_data** (DataBPT): Cross-entropy loss in bits - the cost to encode data given the model
|
| 38 |
-
- **L_params** (ParamBPT): Negative log prior of weights under N(0,σ²I) in bits - the cost to encode the model itself
|
| 39 |
-
- **λ(t)**: Dynamically adjusted Lagrange multiplier (from rate-distortion theory)
|
| 40 |
-
|
| 41 |
-
The controlled variable S represents the actual information allocation ratio (the control target):
|
| 42 |
-
```
|
| 43 |
-
S = L_params / (L_data + L_params)
|
| 44 |
-
```
|
| 45 |
|
| 46 |
-
|
| 47 |
-
(Note: S is independent of the regularization weight λ)
|
| 48 |
|
| 49 |
-
|
| 50 |
|
| 51 |
-
|
| 52 |
|
| 53 |
-
|
| 54 |
|
| 55 |
-
|
| 56 |
|
| 57 |
-
|
| 58 |
-
|
| 59 |
-
|
| 60 |
-
|
| 61 |
-
|
| 62 |
-
|
| 63 |
-
|
| 64 |
-
|
| 65 |
-
|
| 66 |
-
|
| 67 |
-
|
| 68 |
-
|
| 69 |
-
|
| 70 |
-
|
| 71 |
-
|
| 72 |
-
|
| 73 |
-
|
| 74 |
-
|
| 75 |
-
|
| 76 |
-
from transformers import AutoModelForCausalLM, AutoTokenizer
|
| 77 |
-
from peft import PeftModel
|
| 78 |
-
import torch
|
| 79 |
-
|
| 80 |
-
# For 3B models (LoRA adapters in subfolders)
|
| 81 |
-
base_model = AutoModelForCausalLM.from_pretrained(
|
| 82 |
-
"meta-llama/Llama-3.2-3B",
|
| 83 |
-
torch_dtype=torch.float16,
|
| 84 |
-
device_map="auto"
|
| 85 |
-
)
|
| 86 |
-
# Load SCU version (or use subfolder="3b-fixed" for fixed lambda)
|
| 87 |
-
model = PeftModel.from_pretrained(
|
| 88 |
-
base_model,
|
| 89 |
-
"hunterbown/shannon-control-unit",
|
| 90 |
-
subfolder="3b-scu"
|
| 91 |
-
)
|
| 92 |
-
tokenizer = AutoTokenizer.from_pretrained("meta-llama/Llama-3.2-3B")
|
| 93 |
-
|
| 94 |
-
# Generate text
|
| 95 |
-
inputs = tokenizer("The future of AI is", return_tensors="pt")
|
| 96 |
-
outputs = model.generate(**inputs, max_length=50)
|
| 97 |
-
print(tokenizer.decode(outputs[0]))
|
| 98 |
-
```
|
| 99 |
-
|
| 100 |
-
## Model Specifications
|
| 101 |
-
|
| 102 |
-
<table>
|
| 103 |
-
<tr>
|
| 104 |
-
<td>
|
| 105 |
-
|
| 106 |
-
### 1B Model
|
| 107 |
-
- **Base**: Llama-3.2-1B
|
| 108 |
-
- **Parameters**: 1.24B
|
| 109 |
-
- **Training**: 512K tokens
|
| 110 |
-
- **Control λ**: 1.000
|
| 111 |
-
- **Target S**: 3.0%
|
| 112 |
-
- **Achieved S**: 2.93%
|
| 113 |
-
|
| 114 |
-
</td>
|
| 115 |
-
<td>
|
| 116 |
-
|
| 117 |
-
### 3B Model
|
| 118 |
-
- **Base**: Llama-3.2-3B
|
| 119 |
-
- **Parameters**: 3.21B
|
| 120 |
-
- **Training**: 512K tokens
|
| 121 |
-
- **Control λ**: 2.607
|
| 122 |
-
- **Target S**: 3.0%
|
| 123 |
-
- **Achieved S**: 2.88%
|
| 124 |
-
|
| 125 |
-
</td>
|
| 126 |
-
<td>
|
| 127 |
-
|
| 128 |
-
### 8B Model (Planned)
|
| 129 |
-
- **Base**: Apertus-8B
|
| 130 |
-
- **Parameters**: 8B
|
| 131 |
-
- **Training**: 2M tokens
|
| 132 |
-
- **Expected λ**: ~3-5
|
| 133 |
-
- **Target S**: 1.0%
|
| 134 |
-
- **Status**: Q4 2025
|
| 135 |
-
|
| 136 |
-
</td>
|
| 137 |
-
</tr>
|
| 138 |
-
</table>
|
| 139 |
-
|
| 140 |
-
## Technical Details
|
| 141 |
-
|
| 142 |
-
### Formal Definitions
|
| 143 |
-
|
| 144 |
-
**Bits Per Token (BPT)** - Information-theoretic measurements:
|
| 145 |
-
- **DataBPT**: Cross-entropy loss using base-2 logarithm: `-1/N Σ log₂ P(token_i | context_i)`
|
| 146 |
-
- **ParamBPT**: Negative log prior of LoRA weights under N(0,σ²I), normalized by tokens N and converted to bits (nats / ln 2). In practice, this is equivalent to an L2 penalty.
|
| 147 |
-
- **Prior**: Isotropic Gaussian with σ=0.01 (LoRA adapters initialized near zero)
|
| 148 |
-
|
| 149 |
-
**Optimizer Configuration**: We use AdamW with `weight_decay=0` to avoid double regularization (since ParamBPT provides the regularization).
|
| 150 |
-
|
| 151 |
-
### Shannon Control Unit Architecture
|
| 152 |
-
|
| 153 |
-
```
|
| 154 |
-
┌─────────────┐ Error ┌─────────────┐
|
| 155 |
-
│ Current S% ├───────────────> │ PI Control │
|
| 156 |
-
└─────────────┘ │ └──────┬──────┘
|
| 157 |
-
↑ │ │
|
| 158 |
-
│ ↓ ↓
|
| 159 |
-
┌──────┴──────┐ ┌──────────┐ ┌──────────┐
|
| 160 |
-
│ Measure S% │ │ Target S │ │ Update λ │
|
| 161 |
-
└──────┬──────┘ └──────────┘ └─────┬────┘
|
| 162 |
-
↑ │
|
| 163 |
-
│ ┌──────────┐ │
|
| 164 |
-
└─────────┤ Model │<────────┘
|
| 165 |
-
└──────────┘
|
| 166 |
-
```
|
| 167 |
-
|
| 168 |
-
### Control Algorithm
|
| 169 |
-
|
| 170 |
-
```python
|
| 171 |
-
# PI controller with deadband, positivity guarantee, and anti-windup
|
| 172 |
-
def update_lambda(lmbda, S, S_target, I, Kp=1.2, Ki=0.25,
|
| 173 |
-
deadband=0.003, I_min=-0.1, I_max=0.1,
|
| 174 |
-
lmbda_min=1e-4, lmbda_max=50.0):
|
| 175 |
-
"""Robust PI controller ensuring λ > 0"""
|
| 176 |
-
error = S_target - S
|
| 177 |
-
|
| 178 |
-
# Deadband - only update if outside tolerance
|
| 179 |
-
if abs(error) <= deadband:
|
| 180 |
-
return lmbda, I
|
| 181 |
-
|
| 182 |
-
# Anti-windup: clamp integral term
|
| 183 |
-
I = max(I_min, min(I_max, I + error))
|
| 184 |
-
|
| 185 |
-
# Multiplicative update guarantees λ > 0
|
| 186 |
-
lmbda = lmbda * math.exp(Kp*error + Ki*I)
|
| 187 |
-
|
| 188 |
-
# Final safety clamps
|
| 189 |
-
lmbda = max(lmbda_min, min(lmbda, lmbda_max))
|
| 190 |
-
|
| 191 |
-
return lmbda, I
|
| 192 |
-
```
|
| 193 |
-
|
| 194 |
-
### Loss Function
|
| 195 |
-
|
| 196 |
-
```
|
| 197 |
-
L_total = L_data + λ(t)·L_params
|
| 198 |
-
|
| 199 |
-
where:
|
| 200 |
-
- L_data: Cross-entropy loss (bits)
|
| 201 |
-
- L_params: KL(weights || prior)
|
| 202 |
-
- λ(t): Automatically controlled multiplier
|
| 203 |
-
```
|
| 204 |
-
|
| 205 |
-
## Scaling Behavior
|
| 206 |
-
|
| 207 |
-
| Model Size | Optimal λ | Target S% | Training Data | Status |
|
| 208 |
-
|------------|-----------|-----------|---------------|---------|
|
| 209 |
-
| 1B | 1.000 | 3.25% | 512K tokens | ✅ Complete |
|
| 210 |
-
| 3B | 2.607 | 3.00% | 512K tokens | ✅ Complete |
|
| 211 |
-
| 8B | ~3-5 | 1.00% | 2M tokens | 📅 Q4 2025 |
|
| 212 |
-
| 70B | ~10-15 | 0.50% | 10M tokens | 🔬 Research |
|
| 213 |
-
|
| 214 |
-
*Training data scales with model size to maintain consistent data/parameter ratios.*
|
| 215 |
-
|
| 216 |
-
## Significance
|
| 217 |
-
|
| 218 |
-
### Why Automatic Control Matters
|
| 219 |
-
|
| 220 |
-
**The Problem**: Traditional fixed regularization (λ=0.5) gives you whatever S% it produces - you have no control over the information allocation. As seen in our results, fixed λ=0.5 yields:
|
| 221 |
-
- 1B: S=2.48% (missed target by 17%)
|
| 222 |
-
- 3B: S=3.35% (missed target by 12%)
|
| 223 |
-
|
| 224 |
-
**The Solution**: SCU automatically finds and maintains your exact target:
|
| 225 |
-
- 1B: Achieved 2.93% (target 3.0%) - Error: 0.07pp
|
| 226 |
-
- 3B: Achieved 2.88% (target 3.0%) - Error: 0.12pp
|
| 227 |
-
|
| 228 |
-
### Key Advantages
|
| 229 |
-
|
| 230 |
-
1. **Precise Control**: Maintains parameter share within ±0.12pp of any target
|
| 231 |
-
2. **Automatic Adaptation**: No manual hyperparameter search needed
|
| 232 |
-
3. **Scale-Invariant**: Different model sizes automatically find appropriate λ values
|
| 233 |
-
4. **Real-Time Monitoring**: Watch information allocation during training
|
| 234 |
-
5. **Robustness**: Works even with limited training data (demonstrated at 250 steps)
|
| 235 |
-
|
| 236 |
-
### Understanding the "Anomalous" Results
|
| 237 |
-
|
| 238 |
-
The experimental results that might appear counterintuitive actually provide strong evidence for adaptive control:
|
| 239 |
-
|
| 240 |
-
**1B Fixed (λ=0.5) showing 4.435 BPT vs baseline 3.315:**
|
| 241 |
-
- Fixed regularization from step 0 severely impedes initial learning
|
| 242 |
-
- The model can't effectively fit data within 250 steps under heavy constraint
|
| 243 |
-
- This demonstrates why adaptive control is necessary - optimal λ changes during training
|
| 244 |
-
|
| 245 |
-
**3B baseline worse than 1B (4.092 vs 3.315 BPT):**
|
| 246 |
-
- Larger model + insufficient data (512K tokens) = undertraining
|
| 247 |
-
- 3B has excess capacity, begins memorizing noise
|
| 248 |
-
- SCU correctly responds: finds λ=2.607 (vs 1.000 for 1B) to constrain the excess capacity
|
| 249 |
-
|
| 250 |
-
These results collectively argue against "one-size-fits-all" regularization and demonstrate SCU's value in automatically finding appropriate λ for each situation.
|
| 251 |
|
| 252 |
## Training Details
|
| 253 |
|
| 254 |
-
|
| 255 |
-
<summary><b>Configuration & Reproducibility</b></summary>
|
| 256 |
|
| 257 |
-
|
| 258 |
-
# Model Configuration
|
| 259 |
-
base_model: Llama-3.2
|
| 260 |
-
lora_r: 16
|
| 261 |
-
lora_alpha: 16
|
| 262 |
-
learning_rate: 1.67e-5
|
| 263 |
-
batch_size: 16
|
| 264 |
-
gradient_accumulation: 4
|
| 265 |
|
| 266 |
-
|
| 267 |
-
Kp: 2.0 # Proportional gain
|
| 268 |
-
Ki: 0.5 # Integral gain
|
| 269 |
-
deadband: 0.005 # ±0.5% tolerance before control action
|
| 270 |
-
ema_alpha: 0.95 # Exponential moving average smoothing
|
| 271 |
|
| 272 |
-
|
| 273 |
-
1B_model:
|
| 274 |
-
target_S: 0.0325 # 3.25%
|
| 275 |
-
initial_λ: 1.0
|
| 276 |
-
converged_λ: 1.000
|
| 277 |
-
|
| 278 |
-
3B_model:
|
| 279 |
-
target_S: 0.03 # 3.0%
|
| 280 |
-
initial_λ: 1.0
|
| 281 |
-
converged_λ: 2.607
|
| 282 |
|
| 283 |
-
|
| 284 |
-
prior_type: "Gaussian"
|
| 285 |
-
prior_sigma: 0.01 # N(0, 0.01²I) for LoRA adapters
|
| 286 |
-
```
|
| 287 |
|
| 288 |
-
|
| 289 |
|
| 290 |
-
|
| 291 |
-
<summary><b>Reproducibility</b></summary>
|
| 292 |
|
| 293 |
-
Full training code and reproducibility instructions available upon request. The method uses standard PyTorch and HuggingFace Transformers libraries.
|
| 294 |
|
| 295 |
-
|
| 296 |
|
| 297 |
-
|
| 298 |
|
| 299 |
-
|
| 300 |
|
| 301 |
-
|
| 302 |
|
| 303 |
-
|
| 304 |
|
| 305 |
-
|
| 306 |
-
- **Rate-Distortion Theory** (Shannon, 1959): Minimizing distortion subject to rate constraints using Lagrange multipliers
|
| 307 |
-
- **MDL Principle** (Hinton & van Camp, 1993): Neural networks as two-part codes (model + data|model)
|
| 308 |
-
- **Modern MDL** (Blier & Ollivier, 2018): Large NNs as effective data compressors
|
| 309 |
|
| 310 |
-
|
| 311 |
-
- **ControlVAE** (Shao et al., 2020): PI control for KL divergence in VAEs - direct inspiration for our approach
|
| 312 |
-
- **PPO/RLHF**: Adaptive KL penalties to constrain policy updates within trust regions
|
| 313 |
-
- **Adaptive Regularization**: Various scheduling methods (learning rate, dropout, weight decay)
|
| 314 |
|
| 315 |
-
###
|
| 316 |
-
While components exist separately, SCU uniquely combines:
|
| 317 |
-
1. MDL-based information budget (S) as control objective
|
| 318 |
-
2. Formal PI control for automatic λ adjustment
|
| 319 |
-
3. Application to LLM training with proven ±0.01% precision
|
| 320 |
|
| 321 |
-
|
| 322 |
|
| 323 |
-
|
| 324 |
-
|--------|------------------|-----------|---------|
|
| 325 |
-
| ControlVAE | Fix KL divergence at C | PI control on β | VAEs |
|
| 326 |
-
| PPO w/ Adaptive KL | Constrain policy KL < δ | Proportional control | RL |
|
| 327 |
-
| MDL (Hinton '93) | Minimize L(D,W) | Gradient descent | NNs |
|
| 328 |
-
| **SCU (Ours)** | **Fix info budget S%** | **PI control on λ** | **LLMs** |
|
| 329 |
|
| 330 |
-
|
| 331 |
|
| 332 |
-
|
| 333 |
-
A: Fixed λ gives you whatever S% it happens to produce. SCU gives you exactly the S% you want, automatically.
|
| 334 |
|
| 335 |
-
|
| 336 |
-
A: Different S% values may be optimal for different objectives:
|
| 337 |
-
- Lower S% (1-2%): Stronger regularization, more compression
|
| 338 |
-
- Medium S% (3-5%): Balanced capacity
|
| 339 |
-
- Higher S% (≥5%): Weaker regularization, risk of overfit
|
| 340 |
|
| 341 |
-
|
| 342 |
-
A: For demonstrating control precision, yes. The PI controller converges and maintains target within 50-100 steps. Extended training would show performance implications.
|
| 343 |
|
| 344 |
-
|
| 345 |
-
A: Insufficient training data for the larger model (512K tokens). This actually demonstrates SCU's robustness - it maintains precise control even when models are struggling.
|
| 346 |
|
| 347 |
-
|
| 348 |
|
| 349 |
-
|
| 350 |
|
| 351 |
-
|
| 352 |
-
@misc{bown2025scu,
|
| 353 |
-
title={Shannon Control Unit: Automatic Rate-Distortion Control for Neural Network Training},
|
| 354 |
-
author={Bown, Hunter},
|
| 355 |
-
year={2025},
|
| 356 |
-
url={https://huggingface.co/hunterbown/shannon-control-unit},
|
| 357 |
-
note={HuggingFace Model Repository}
|
| 358 |
-
}
|
| 359 |
-
```
|
| 360 |
|
| 361 |
-
|
| 362 |
|
| 363 |
-
|
| 364 |
-
- **Contact**: Via HuggingFace discussions
|
| 365 |
|
| 366 |
-
## License
|
| 367 |
|
| 368 |
-
Model weights: Llama 3.2 Community License
|
| 369 |
-
Training method & SCU implementation: Apache-2.0 License (open source)
|
| 370 |
|
| 371 |
-
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
| 372 |
|
| 373 |
-
|
| 374 |
|
| 375 |
-
|
| 376 |
|
| 377 |
-
|
|
|
|
| 378 |
|
| 379 |
-
|
|
|
|
| 1 |
---
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
| 2 |
base_model: meta-llama/Llama-3.2-1B
|
| 3 |
+
library_name: peft
|
| 4 |
+
tags:
|
| 5 |
+
- base_model:adapter:meta-llama/Llama-3.2-1B
|
| 6 |
+
- lora
|
| 7 |
+
- transformers
|
| 8 |
---
|
| 9 |
|
| 10 |
+
# Model Card for Model ID
|
| 11 |
+
|
| 12 |
+
<!-- Provide a quick summary of what the model is/does. -->
|
| 13 |
+
|
| 14 |
+
|
| 15 |
+
|
| 16 |
+
## Model Details
|
| 17 |
+
|
| 18 |
+
### Model Description
|
| 19 |
+
|
| 20 |
+
<!-- Provide a longer summary of what this model is. -->
|
| 21 |
+
|
| 22 |
+
|
| 23 |
+
|
| 24 |
+
- **Developed by:** [More Information Needed]
|
| 25 |
+
- **Funded by [optional]:** [More Information Needed]
|
| 26 |
+
- **Shared by [optional]:** [More Information Needed]
|
| 27 |
+
- **Model type:** [More Information Needed]
|
| 28 |
+
- **Language(s) (NLP):** [More Information Needed]
|
| 29 |
+
- **License:** [More Information Needed]
|
| 30 |
+
- **Finetuned from model [optional]:** [More Information Needed]
|
| 31 |
+
|
| 32 |
+
### Model Sources [optional]
|
| 33 |
+
|
| 34 |
+
<!-- Provide the basic links for the model. -->
|
| 35 |
|
| 36 |
+
- **Repository:** [More Information Needed]
|
| 37 |
+
- **Paper [optional]:** [More Information Needed]
|
| 38 |
+
- **Demo [optional]:** [More Information Needed]
|
| 39 |
|
| 40 |
+
## Uses
|
|
|
|
|
|
|
| 41 |
|
| 42 |
+
<!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. -->
|
| 43 |
|
| 44 |
+
### Direct Use
|
| 45 |
|
| 46 |
+
<!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. -->
|
| 47 |
|
| 48 |
+
[More Information Needed]
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
| 49 |
|
| 50 |
+
### Downstream Use [optional]
|
|
|
|
| 51 |
|
| 52 |
+
<!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app -->
|
| 53 |
|
| 54 |
+
[More Information Needed]
|
| 55 |
|
| 56 |
+
### Out-of-Scope Use
|
| 57 |
|
| 58 |
+
<!-- This section addresses misuse, malicious use, and uses that the model will not work well for. -->
|
| 59 |
|
| 60 |
+
[More Information Needed]
|
| 61 |
+
|
| 62 |
+
## Bias, Risks, and Limitations
|
| 63 |
+
|
| 64 |
+
<!-- This section is meant to convey both technical and sociotechnical limitations. -->
|
| 65 |
+
|
| 66 |
+
[More Information Needed]
|
| 67 |
+
|
| 68 |
+
### Recommendations
|
| 69 |
+
|
| 70 |
+
<!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. -->
|
| 71 |
+
|
| 72 |
+
Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations.
|
| 73 |
+
|
| 74 |
+
## How to Get Started with the Model
|
| 75 |
+
|
| 76 |
+
Use the code below to get started with the model.
|
| 77 |
+
|
| 78 |
+
[More Information Needed]
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
| 79 |
|
| 80 |
## Training Details
|
| 81 |
|
| 82 |
+
### Training Data
|
|
|
|
| 83 |
|
| 84 |
+
<!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. -->
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
| 85 |
|
| 86 |
+
[More Information Needed]
|
|
|
|
|
|
|
|
|
|
|
|
|
| 87 |
|
| 88 |
+
### Training Procedure
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
| 89 |
|
| 90 |
+
<!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. -->
|
|
|
|
|
|
|
|
|
|
| 91 |
|
| 92 |
+
#### Preprocessing [optional]
|
| 93 |
|
| 94 |
+
[More Information Needed]
|
|
|
|
| 95 |
|
|
|
|
| 96 |
|
| 97 |
+
#### Training Hyperparameters
|
| 98 |
|
| 99 |
+
- **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision -->
|
| 100 |
|
| 101 |
+
#### Speeds, Sizes, Times [optional]
|
| 102 |
|
| 103 |
+
<!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. -->
|
| 104 |
|
| 105 |
+
[More Information Needed]
|
| 106 |
|
| 107 |
+
## Evaluation
|
|
|
|
|
|
|
|
|
|
| 108 |
|
| 109 |
+
<!-- This section describes the evaluation protocols and provides the results. -->
|
|
|
|
|
|
|
|
|
|
| 110 |
|
| 111 |
+
### Testing Data, Factors & Metrics
|
|
|
|
|
|
|
|
|
|
|
|
|
| 112 |
|
| 113 |
+
#### Testing Data
|
| 114 |
|
| 115 |
+
<!-- This should link to a Dataset Card if possible. -->
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
| 116 |
|
| 117 |
+
[More Information Needed]
|
| 118 |
|
| 119 |
+
#### Factors
|
|
|
|
| 120 |
|
| 121 |
+
<!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. -->
|
|
|
|
|
|
|
|
|
|
|
|
|
| 122 |
|
| 123 |
+
[More Information Needed]
|
|
|
|
| 124 |
|
| 125 |
+
#### Metrics
|
|
|
|
| 126 |
|
| 127 |
+
<!-- These are the evaluation metrics being used, ideally with a description of why. -->
|
| 128 |
|
| 129 |
+
[More Information Needed]
|
| 130 |
|
| 131 |
+
### Results
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
| 132 |
|
| 133 |
+
[More Information Needed]
|
| 134 |
|
| 135 |
+
#### Summary
|
|
|
|
| 136 |
|
|
|
|
| 137 |
|
|
|
|
|
|
|
| 138 |
|
| 139 |
+
## Model Examination [optional]
|
| 140 |
+
|
| 141 |
+
<!-- Relevant interpretability work for the model goes here -->
|
| 142 |
+
|
| 143 |
+
[More Information Needed]
|
| 144 |
+
|
| 145 |
+
## Environmental Impact
|
| 146 |
+
|
| 147 |
+
<!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly -->
|
| 148 |
+
|
| 149 |
+
Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700).
|
| 150 |
+
|
| 151 |
+
- **Hardware Type:** [More Information Needed]
|
| 152 |
+
- **Hours used:** [More Information Needed]
|
| 153 |
+
- **Cloud Provider:** [More Information Needed]
|
| 154 |
+
- **Compute Region:** [More Information Needed]
|
| 155 |
+
- **Carbon Emitted:** [More Information Needed]
|
| 156 |
+
|
| 157 |
+
## Technical Specifications [optional]
|
| 158 |
+
|
| 159 |
+
### Model Architecture and Objective
|
| 160 |
+
|
| 161 |
+
[More Information Needed]
|
| 162 |
+
|
| 163 |
+
### Compute Infrastructure
|
| 164 |
+
|
| 165 |
+
[More Information Needed]
|
| 166 |
+
|
| 167 |
+
#### Hardware
|
| 168 |
+
|
| 169 |
+
[More Information Needed]
|
| 170 |
+
|
| 171 |
+
#### Software
|
| 172 |
+
|
| 173 |
+
[More Information Needed]
|
| 174 |
+
|
| 175 |
+
## Citation [optional]
|
| 176 |
+
|
| 177 |
+
<!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. -->
|
| 178 |
+
|
| 179 |
+
**BibTeX:**
|
| 180 |
+
|
| 181 |
+
[More Information Needed]
|
| 182 |
+
|
| 183 |
+
**APA:**
|
| 184 |
+
|
| 185 |
+
[More Information Needed]
|
| 186 |
+
|
| 187 |
+
## Glossary [optional]
|
| 188 |
+
|
| 189 |
+
<!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. -->
|
| 190 |
+
|
| 191 |
+
[More Information Needed]
|
| 192 |
+
|
| 193 |
+
## More Information [optional]
|
| 194 |
+
|
| 195 |
+
[More Information Needed]
|
| 196 |
+
|
| 197 |
+
## Model Card Authors [optional]
|
| 198 |
|
| 199 |
+
[More Information Needed]
|
| 200 |
|
| 201 |
+
## Model Card Contact
|
| 202 |
|
| 203 |
+
[More Information Needed]
|
| 204 |
+
### Framework versions
|
| 205 |
|
| 206 |
+
- PEFT 0.17.1
|
adapter_config.json
CHANGED
|
@@ -1,6 +1,9 @@
|
|
| 1 |
{
|
| 2 |
"alpha_pattern": {},
|
| 3 |
-
"auto_mapping":
|
|
|
|
|
|
|
|
|
|
| 4 |
"base_model_name_or_path": "meta-llama/Llama-3.2-1B",
|
| 5 |
"bias": "none",
|
| 6 |
"corda_config": null,
|
|
@@ -13,9 +16,9 @@
|
|
| 13 |
"layers_pattern": null,
|
| 14 |
"layers_to_transform": null,
|
| 15 |
"loftq_config": {},
|
| 16 |
-
"lora_alpha":
|
| 17 |
"lora_bias": false,
|
| 18 |
-
"lora_dropout": 0.
|
| 19 |
"megatron_config": null,
|
| 20 |
"megatron_core": "megatron.core",
|
| 21 |
"modules_to_save": null,
|
|
@@ -25,16 +28,13 @@
|
|
| 25 |
"rank_pattern": {},
|
| 26 |
"revision": null,
|
| 27 |
"target_modules": [
|
| 28 |
-
"up_proj",
|
| 29 |
-
"gate_proj",
|
| 30 |
-
"down_proj",
|
| 31 |
-
"v_proj",
|
| 32 |
"q_proj",
|
|
|
|
| 33 |
"k_proj",
|
| 34 |
"o_proj"
|
| 35 |
],
|
| 36 |
"target_parameters": null,
|
| 37 |
-
"task_type":
|
| 38 |
"trainable_token_indices": null,
|
| 39 |
"use_dora": false,
|
| 40 |
"use_qalora": false,
|
|
|
|
| 1 |
{
|
| 2 |
"alpha_pattern": {},
|
| 3 |
+
"auto_mapping": {
|
| 4 |
+
"base_model_class": "LlamaForCausalLM",
|
| 5 |
+
"parent_library": "transformers.models.llama.modeling_llama"
|
| 6 |
+
},
|
| 7 |
"base_model_name_or_path": "meta-llama/Llama-3.2-1B",
|
| 8 |
"bias": "none",
|
| 9 |
"corda_config": null,
|
|
|
|
| 16 |
"layers_pattern": null,
|
| 17 |
"layers_to_transform": null,
|
| 18 |
"loftq_config": {},
|
| 19 |
+
"lora_alpha": 32,
|
| 20 |
"lora_bias": false,
|
| 21 |
+
"lora_dropout": 0.1,
|
| 22 |
"megatron_config": null,
|
| 23 |
"megatron_core": "megatron.core",
|
| 24 |
"modules_to_save": null,
|
|
|
|
| 28 |
"rank_pattern": {},
|
| 29 |
"revision": null,
|
| 30 |
"target_modules": [
|
|
|
|
|
|
|
|
|
|
|
|
|
| 31 |
"q_proj",
|
| 32 |
+
"v_proj",
|
| 33 |
"k_proj",
|
| 34 |
"o_proj"
|
| 35 |
],
|
| 36 |
"target_parameters": null,
|
| 37 |
+
"task_type": null,
|
| 38 |
"trainable_token_indices": null,
|
| 39 |
"use_dora": false,
|
| 40 |
"use_qalora": false,
|
adapter_model.safetensors
CHANGED
|
@@ -1,3 +1,3 @@
|
|
| 1 |
version https://git-lfs.github.com/spec/v1
|
| 2 |
-
oid sha256:
|
| 3 |
-
size
|
|
|
|
| 1 |
version https://git-lfs.github.com/spec/v1
|
| 2 |
+
oid sha256:8480f5beca107008394abc5d9237129fda74eac4f6823759edee6144a30b0aa0
|
| 3 |
+
size 13648488
|
ce_kl_auto_metrics.jsonl
ADDED
|
@@ -0,0 +1,27 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
| 1 |
+
{"step": 10, "mode": "ce_kl_auto", "data_bpt": 2.7318, "optimization_loss_bpt": 2.8517, "mdl_bpt": 2.778, "grad_norm": 0.1665, "param_bpt": 0.046212, "S_ratio": 0.0166, "lambda": 2.593742}
|
| 2 |
+
{"step": 20, "mode": "ce_kl_auto", "data_bpt": 2.3077, "optimization_loss_bpt": 2.5889, "mdl_bpt": 2.3495, "grad_norm": 0.1423, "param_bpt": 0.041798, "S_ratio": 0.0178, "lambda": 6.7275}
|
| 3 |
+
{"step": 30, "mode": "ce_kl_auto", "data_bpt": 1.5397, "optimization_loss_bpt": 1.8846, "mdl_bpt": 1.5742, "grad_norm": 0.1992, "param_bpt": 0.034493, "S_ratio": 0.0219, "lambda": 10.0}
|
| 4 |
+
{"step": 40, "mode": "ce_kl_auto", "data_bpt": 2.5056, "optimization_loss_bpt": 2.7785, "mdl_bpt": 2.5329, "grad_norm": 0.142, "param_bpt": 0.027293, "S_ratio": 0.0108, "lambda": 10.0}
|
| 5 |
+
{"step": 50, "mode": "ce_kl_auto", "data_bpt": 2.4712, "optimization_loss_bpt": 2.6931, "mdl_bpt": 2.4934, "grad_norm": 0.1489, "param_bpt": 0.022186, "S_ratio": 0.0089, "lambda": 10.0}
|
| 6 |
+
{"step": 60, "mode": "ce_kl_auto", "data_bpt": 2.5114, "optimization_loss_bpt": 2.6997, "mdl_bpt": 2.5302, "grad_norm": 0.1531, "param_bpt": 0.018827, "S_ratio": 0.0074, "lambda": 10.0}
|
| 7 |
+
{"step": 70, "mode": "ce_kl_auto", "data_bpt": 1.4309, "optimization_loss_bpt": 1.5956, "mdl_bpt": 1.4474, "grad_norm": 0.1411, "param_bpt": 0.016472, "S_ratio": 0.0114, "lambda": 10.0}
|
| 8 |
+
{"step": 80, "mode": "ce_kl_auto", "data_bpt": 2.6609, "optimization_loss_bpt": 2.7446, "mdl_bpt": 2.6758, "grad_norm": 0.1338, "param_bpt": 0.014887, "S_ratio": 0.0056, "lambda": 5.621424}
|
| 9 |
+
{"step": 90, "mode": "ce_kl_auto", "data_bpt": 2.2619, "optimization_loss_bpt": 2.304, "mdl_bpt": 2.2762, "grad_norm": 0.1457, "param_bpt": 0.014354, "S_ratio": 0.0063, "lambda": 2.936496}
|
| 10 |
+
{"step": 100, "mode": "ce_kl_auto", "data_bpt": 1.6573, "optimization_loss_bpt": 1.6847, "mdl_bpt": 1.6718, "grad_norm": 0.1454, "param_bpt": 0.014511, "S_ratio": 0.0087, "lambda": 1.885071}
|
| 11 |
+
{"step": 110, "mode": "ce_kl_auto", "data_bpt": 1.9088, "optimization_loss_bpt": 1.9312, "mdl_bpt": 1.9239, "grad_norm": 0.136, "param_bpt": 0.015122, "S_ratio": 0.0079, "lambda": 1.47983}
|
| 12 |
+
{"step": 120, "mode": "ce_kl_auto", "data_bpt": 1.7561, "optimization_loss_bpt": 1.7741, "mdl_bpt": 1.7721, "grad_norm": 0.1701, "param_bpt": 0.015973, "S_ratio": 0.009, "lambda": 1.127144}
|
| 13 |
+
{"step": 130, "mode": "ce_kl_auto", "data_bpt": 2.4639, "optimization_loss_bpt": 2.4706, "mdl_bpt": 2.4809, "grad_norm": 0.1715, "param_bpt": 0.017004, "S_ratio": 0.0069, "lambda": 0.393011}
|
| 14 |
+
{"step": 140, "mode": "ce_kl_auto", "data_bpt": 2.054, "optimization_loss_bpt": 2.0565, "mdl_bpt": 2.0721, "grad_norm": 0.1865, "param_bpt": 0.018096, "S_ratio": 0.0087, "lambda": 0.137034}
|
| 15 |
+
{"step": 150, "mode": "ce_kl_auto", "data_bpt": 2.6339, "optimization_loss_bpt": 2.6348, "mdl_bpt": 2.6532, "grad_norm": 0.1422, "param_bpt": 0.019254, "S_ratio": 0.0073, "lambda": 0.047781}
|
| 16 |
+
{"step": 160, "mode": "ce_kl_auto", "data_bpt": 2.0235, "optimization_loss_bpt": 2.0242, "mdl_bpt": 2.044, "grad_norm": 0.1476, "param_bpt": 0.020475, "S_ratio": 0.01, "lambda": 0.034832}
|
| 17 |
+
{"step": 170, "mode": "ce_kl_auto", "data_bpt": 2.5405, "optimization_loss_bpt": 2.5413, "mdl_bpt": 2.5622, "grad_norm": 0.1899, "param_bpt": 0.021699, "S_ratio": 0.0085, "lambda": 0.034832}
|
| 18 |
+
{"step": 180, "mode": "ce_kl_auto", "data_bpt": 2.403, "optimization_loss_bpt": 2.4038, "mdl_bpt": 2.426, "grad_norm": 0.1741, "param_bpt": 0.023031, "S_ratio": 0.0095, "lambda": 0.034832}
|
| 19 |
+
{"step": 190, "mode": "ce_kl_auto", "data_bpt": 2.2621, "optimization_loss_bpt": 2.2629, "mdl_bpt": 2.2864, "grad_norm": 0.1537, "param_bpt": 0.024352, "S_ratio": 0.0107, "lambda": 0.034832}
|
| 20 |
+
{"step": 200, "mode": "ce_kl_auto", "data_bpt": 2.4402, "optimization_loss_bpt": 2.4411, "mdl_bpt": 2.4658, "grad_norm": 0.1595, "param_bpt": 0.025665, "S_ratio": 0.0104, "lambda": 0.034832}
|
| 21 |
+
{"step": 210, "mode": "ce_kl_auto", "data_bpt": 2.3121, "optimization_loss_bpt": 2.3131, "mdl_bpt": 2.3391, "grad_norm": 0.1859, "param_bpt": 0.026968, "S_ratio": 0.0115, "lambda": 0.034832}
|
| 22 |
+
{"step": 220, "mode": "ce_kl_auto", "data_bpt": 2.1364, "optimization_loss_bpt": 2.1375, "mdl_bpt": 2.1648, "grad_norm": 0.1607, "param_bpt": 0.028332, "S_ratio": 0.0131, "lambda": 0.037018}
|
| 23 |
+
{"step": 230, "mode": "ce_kl_auto", "data_bpt": 2.8529, "optimization_loss_bpt": 2.8541, "mdl_bpt": 2.8826, "grad_norm": 0.1911, "param_bpt": 0.029676, "S_ratio": 0.0103, "lambda": 0.040473}
|
| 24 |
+
{"step": 240, "mode": "ce_kl_auto", "data_bpt": 2.1626, "optimization_loss_bpt": 2.1639, "mdl_bpt": 2.1937, "grad_norm": 0.1936, "param_bpt": 0.031114, "S_ratio": 0.0142, "lambda": 0.041946}
|
| 25 |
+
{"step": 250, "mode": "ce_kl_auto", "data_bpt": 0.6601, "optimization_loss_bpt": 0.6623, "mdl_bpt": 0.6927, "grad_norm": 0.134, "param_bpt": 0.032601, "S_ratio": 0.0471, "lambda": 0.068796}
|
| 26 |
+
{"step": 260, "mode": "ce_kl_auto", "data_bpt": 2.5056, "optimization_loss_bpt": 2.5117, "mdl_bpt": 2.5396, "grad_norm": 0.1723, "param_bpt": 0.034028, "S_ratio": 0.0134, "lambda": 0.178439}
|
| 27 |
+
{"step": 270, "mode": "ce_kl_auto", "data_bpt": 2.1665, "optimization_loss_bpt": 2.1828, "mdl_bpt": 2.2018, "grad_norm": 0.1907, "param_bpt": 0.035284, "S_ratio": 0.016, "lambda": 0.462824}
|
config.json
ADDED
|
@@ -0,0 +1,20 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
| 1 |
+
{
|
| 2 |
+
"model_name": "meta-llama/Llama-3.2-1B",
|
| 3 |
+
"output_dir": "models/scu_fixed_sigma_20250903_222442",
|
| 4 |
+
"mode": "ce_kl_auto",
|
| 5 |
+
"max_steps": 270,
|
| 6 |
+
"max_epochs": 10,
|
| 7 |
+
"num_epochs": null,
|
| 8 |
+
"batch_size": 1,
|
| 9 |
+
"gradient_accumulation_steps": 4,
|
| 10 |
+
"learning_rate": 0.0005,
|
| 11 |
+
"fp16": true,
|
| 12 |
+
"data_path": "training_data/train_512k.txt",
|
| 13 |
+
"sample_size": 2000000,
|
| 14 |
+
"lora_r": 16,
|
| 15 |
+
"lora_alpha": 32,
|
| 16 |
+
"prior_sigma": 0.1,
|
| 17 |
+
"target_S": 0.01,
|
| 18 |
+
"lam_init": 1.0,
|
| 19 |
+
"l2_weight": 0.1
|
| 20 |
+
}
|
control_plots.png
ADDED
|
mdl_ledger.jsonl
ADDED
|
@@ -0,0 +1,271 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
| 1 |
+
{"step": 0, "timestamp": 1756956284.8433568, "event": "genesis", "prior_sigma": 0.1, "q_sigma": 0.1, "target_S": 0.01, "band": [0.008, 0.012], "kp": 2.0, "ki": 0.5, "ema": 0.9, "lam_init": 1.0, "prev_hash": "", "hash": "36b7a680ea42f27b513bee80e1e6639c99d331100e7b316b7d6a81d1e1a73bcd"}
|
| 2 |
+
{"timestamp": 1756956285.3453271, "tokens_seen": 0, "data_bpt": 2.4298, "param_bpt": 0.0552, "S": 0.0222, "lambda": 1.1, "log_lambda": 0.0953, "integral": 0.0061, "prev_hash": "36b7a680ea42f27b513bee80e1e6639c99d331100e7b316b7d6a81d1e1a73bcd", "hash": "bdd8c162e1bbade1b8b6f6044774e857542e8bccb74c9cb5b3bbc1e793d33b55"}
|
| 3 |
+
{"timestamp": 1756956286.1767502, "tokens_seen": 1024, "data_bpt": 2.3872, "param_bpt": 0.0549, "S": 0.0225, "lambda": 1.21, "log_lambda": 0.1906, "integral": 0.0123, "prev_hash": "bdd8c162e1bbade1b8b6f6044774e857542e8bccb74c9cb5b3bbc1e793d33b55", "hash": "9013eda62ff97a153266dc14333f8fe52e55e0768ffab977afb02c5ee76be8a6"}
|
| 4 |
+
{"timestamp": 1756956286.995583, "tokens_seen": 2048, "data_bpt": 2.3634, "param_bpt": 0.0544, "S": 0.0225, "lambda": 1.331, "log_lambda": 0.2859, "integral": 0.0185, "prev_hash": "9013eda62ff97a153266dc14333f8fe52e55e0768ffab977afb02c5ee76be8a6", "hash": "5737c2d012b8fe0398da3a272315da6c47bf812aa3630b06cb12f1b382538f90"}
|
| 5 |
+
{"timestamp": 1756956287.819649, "tokens_seen": 3072, "data_bpt": 2.315, "param_bpt": 0.0539, "S": 0.0227, "lambda": 1.4641, "log_lambda": 0.3812, "integral": 0.0248, "prev_hash": "5737c2d012b8fe0398da3a272315da6c47bf812aa3630b06cb12f1b382538f90", "hash": "32e2fd7932a33ff7987d838f8da2e48ca5d5ce817bb7a7c44bd866f3cd426c59"}
|
| 6 |
+
{"timestamp": 1756956288.638572, "tokens_seen": 4096, "data_bpt": 2.2887, "param_bpt": 0.0533, "S": 0.0228, "lambda": 1.61051, "log_lambda": 0.4766, "integral": 0.031, "prev_hash": "32e2fd7932a33ff7987d838f8da2e48ca5d5ce817bb7a7c44bd866f3cd426c59", "hash": "ab3aa938ca41fa6b9a56ef526d69fb23149c914408e614c54d0293454bf0483a"}
|
| 7 |
+
{"timestamp": 1756956289.456819, "tokens_seen": 5120, "data_bpt": 2.3244, "param_bpt": 0.0528, "S": 0.0222, "lambda": 1.771561, "log_lambda": 0.5719, "integral": 0.037, "prev_hash": "ab3aa938ca41fa6b9a56ef526d69fb23149c914408e614c54d0293454bf0483a", "hash": "4de6215515f3094d094dff748ddded8962616c91c46538ca8a494d1f9ddcdf21"}
|
| 8 |
+
{"timestamp": 1756956290.2765398, "tokens_seen": 6144, "data_bpt": 2.3214, "param_bpt": 0.0522, "S": 0.022, "lambda": 1.948717, "log_lambda": 0.6672, "integral": 0.0428, "prev_hash": "4de6215515f3094d094dff748ddded8962616c91c46538ca8a494d1f9ddcdf21", "hash": "c0c4c576861ef4e06ac2d35e2dfbf106e5e3f95fdc187ed4cbd6151696d16848"}
|
| 9 |
+
{"timestamp": 1756956291.106637, "tokens_seen": 7168, "data_bpt": 2.3431, "param_bpt": 0.0517, "S": 0.0216, "lambda": 2.143589, "log_lambda": 0.7625, "integral": 0.0484, "prev_hash": "c0c4c576861ef4e06ac2d35e2dfbf106e5e3f95fdc187ed4cbd6151696d16848", "hash": "fcb1a3ed1bc098e2dd12cf11b88ec8b25b9e3a83bcb3e60ed4f08470a05ea5e1"}
|
| 10 |
+
{"timestamp": 1756956291.928393, "tokens_seen": 8192, "data_bpt": 2.3353, "param_bpt": 0.0512, "S": 0.0215, "lambda": 2.357948, "log_lambda": 0.8578, "integral": 0.0539, "prev_hash": "fcb1a3ed1bc098e2dd12cf11b88ec8b25b9e3a83bcb3e60ed4f08470a05ea5e1", "hash": "39c3d35b0ba22bb22600b145f29e3ccbaf8d07d1539f0afdfd50a3c707290526"}
|
| 11 |
+
{"timestamp": 1756956292.755662, "tokens_seen": 9216, "data_bpt": 2.3749, "param_bpt": 0.0507, "S": 0.0209, "lambda": 2.593742, "log_lambda": 0.9531, "integral": 0.0591, "prev_hash": "39c3d35b0ba22bb22600b145f29e3ccbaf8d07d1539f0afdfd50a3c707290526", "hash": "1e75747269c4b74b30cefbf18d6f254b54e89fff191a88d5f1e2fe937b8e1a81"}
|
| 12 |
+
{"timestamp": 1756956293.592757, "tokens_seen": 10240, "data_bpt": 2.3492, "param_bpt": 0.0502, "S": 0.0209, "lambda": 2.853117, "log_lambda": 1.0484, "integral": 0.0642, "prev_hash": "1e75747269c4b74b30cefbf18d6f254b54e89fff191a88d5f1e2fe937b8e1a81", "hash": "165dd5b525f489b1079d3ec5899bee66481f13af806ea56f52707d5659191fb1"}
|
| 13 |
+
{"timestamp": 1756956294.420704, "tokens_seen": 11264, "data_bpt": 2.3545, "param_bpt": 0.0497, "S": 0.0207, "lambda": 3.138428, "log_lambda": 1.1437, "integral": 0.0693, "prev_hash": "165dd5b525f489b1079d3ec5899bee66481f13af806ea56f52707d5659191fb1", "hash": "9b561d9c453c57e2e34f044c2c821552ce33c5a62679a5102db46b8f49ff29be"}
|
| 14 |
+
{"timestamp": 1756956295.242372, "tokens_seen": 12288, "data_bpt": 2.3399, "param_bpt": 0.0493, "S": 0.0206, "lambda": 3.452271, "log_lambda": 1.239, "integral": 0.0742, "prev_hash": "9b561d9c453c57e2e34f044c2c821552ce33c5a62679a5102db46b8f49ff29be", "hash": "4b17507280268d0f506a993cd8106b678fdd7ff7a9d39a9df51fa55720ec4e86"}
|
| 15 |
+
{"timestamp": 1756956296.066338, "tokens_seen": 13312, "data_bpt": 2.3814, "param_bpt": 0.0488, "S": 0.0201, "lambda": 3.797498, "log_lambda": 1.3343, "integral": 0.0789, "prev_hash": "4b17507280268d0f506a993cd8106b678fdd7ff7a9d39a9df51fa55720ec4e86", "hash": "32848f999ee824a9233e2f36552fd286ac508c1e5434749104f91905ec93fed9"}
|
| 16 |
+
{"timestamp": 1756956296.895282, "tokens_seen": 14336, "data_bpt": 2.4196, "param_bpt": 0.0484, "S": 0.0196, "lambda": 4.177248, "log_lambda": 1.4297, "integral": 0.0833, "prev_hash": "32848f999ee824a9233e2f36552fd286ac508c1e5434749104f91905ec93fed9", "hash": "47ce5eaa6126c895b0bbfbe1bb74ae1ee622db7c07e6caae0aa3bf9811edb778"}
|
| 17 |
+
{"timestamp": 1756956297.7158, "tokens_seen": 15360, "data_bpt": 2.3817, "param_bpt": 0.0479, "S": 0.0197, "lambda": 4.594973, "log_lambda": 1.525, "integral": 0.0877, "prev_hash": "47ce5eaa6126c895b0bbfbe1bb74ae1ee622db7c07e6caae0aa3bf9811edb778", "hash": "4b6dcf0107cb052e5318549ad1c4f8721b4e3178cd0a5b9ddf28f1d042b23a06"}
|
| 18 |
+
{"timestamp": 1756956298.5381079, "tokens_seen": 16384, "data_bpt": 2.4062, "param_bpt": 0.0475, "S": 0.0193, "lambda": 5.05447, "log_lambda": 1.6203, "integral": 0.092, "prev_hash": "4b6dcf0107cb052e5318549ad1c4f8721b4e3178cd0a5b9ddf28f1d042b23a06", "hash": "69b1076fc0e679d91d7c904249c81210c0fb06a891f4d3a31514ebebfcb1ad25"}
|
| 19 |
+
{"timestamp": 1756956299.3587599, "tokens_seen": 17408, "data_bpt": 2.4277, "param_bpt": 0.047, "S": 0.019, "lambda": 5.559917, "log_lambda": 1.7156, "integral": 0.096, "prev_hash": "69b1076fc0e679d91d7c904249c81210c0fb06a891f4d3a31514ebebfcb1ad25", "hash": "0e99efd349b893515855b23fcc8977da7768602c8686b94d35a34e553c78c532"}
|
| 20 |
+
{"timestamp": 1756956300.180533, "tokens_seen": 18432, "data_bpt": 2.4049, "param_bpt": 0.0465, "S": 0.019, "lambda": 6.115909, "log_lambda": 1.8109, "integral": 0.1, "prev_hash": "0e99efd349b893515855b23fcc8977da7768602c8686b94d35a34e553c78c532", "hash": "4b10bcf3be68aa7d4735d977366d6434f26451b4bcbd79ce2207199b2d7534fc"}
|
| 21 |
+
{"timestamp": 1756956301.004792, "tokens_seen": 19456, "data_bpt": 2.3951, "param_bpt": 0.0461, "S": 0.0189, "lambda": 6.7275, "log_lambda": 1.9062, "integral": 0.1039, "prev_hash": "4b10bcf3be68aa7d4735d977366d6434f26451b4bcbd79ce2207199b2d7534fc", "hash": "945c4224b19bf7f6b2068d251d2a6642950fc77199e9e71d9d1bf3990ef6cd4a"}
|
| 22 |
+
{"timestamp": 1756956301.8311198, "tokens_seen": 20480, "data_bpt": 2.4069, "param_bpt": 0.0456, "S": 0.0186, "lambda": 7.40025, "log_lambda": 2.0015, "integral": 0.1077, "prev_hash": "945c4224b19bf7f6b2068d251d2a6642950fc77199e9e71d9d1bf3990ef6cd4a", "hash": "39f40ccad183e2ebfcc26702b2406e0ca7c73e4aeec737b1608ca8d207170212"}
|
| 23 |
+
{"timestamp": 1756956302.657562, "tokens_seen": 21504, "data_bpt": 2.4088, "param_bpt": 0.0451, "S": 0.0184, "lambda": 8.140275, "log_lambda": 2.0968, "integral": 0.1114, "prev_hash": "39f40ccad183e2ebfcc26702b2406e0ca7c73e4aeec737b1608ca8d207170212", "hash": "e2b4bbc5e3754d653faf8807fa3fe0513f8519abac8fe4db96c5235cb2b8a312"}
|
| 24 |
+
{"timestamp": 1756956303.487573, "tokens_seen": 22528, "data_bpt": 2.4187, "param_bpt": 0.0446, "S": 0.0181, "lambda": 8.954302, "log_lambda": 2.1921, "integral": 0.1148, "prev_hash": "e2b4bbc5e3754d653faf8807fa3fe0513f8519abac8fe4db96c5235cb2b8a312", "hash": "f5864fafc46352001a8689478f207047310bbb29c1b5fab8265778f76839006f"}
|
| 25 |
+
{"timestamp": 1756956304.306166, "tokens_seen": 23552, "data_bpt": 2.4247, "param_bpt": 0.044, "S": 0.0178, "lambda": 9.849733, "log_lambda": 2.2874, "integral": 0.1182, "prev_hash": "f5864fafc46352001a8689478f207047310bbb29c1b5fab8265778f76839006f", "hash": "932c5c8069bd26c501bd3ad9149284244975015eb757d72437945641663126c3"}
|
| 26 |
+
{"timestamp": 1756956305.127827, "tokens_seen": 24576, "data_bpt": 2.3832, "param_bpt": 0.0435, "S": 0.0179, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.1176, "prev_hash": "932c5c8069bd26c501bd3ad9149284244975015eb757d72437945641663126c3", "hash": "45f981fdba227d6a63ef2a8ebb14bc68ca0997014bb270ae39a1fa666c0ba5f2"}
|
| 27 |
+
{"timestamp": 1756956305.947367, "tokens_seen": 25600, "data_bpt": 2.3715, "param_bpt": 0.0429, "S": 0.0178, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.117, "prev_hash": "45f981fdba227d6a63ef2a8ebb14bc68ca0997014bb270ae39a1fa666c0ba5f2", "hash": "0d9bd97fbf75ab317661452fd020dc6cf17f08e4c8340f24b07d4ffda3acec25"}
|
| 28 |
+
{"timestamp": 1756956306.7708302, "tokens_seen": 26624, "data_bpt": 2.3302, "param_bpt": 0.0423, "S": 0.0178, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.1164, "prev_hash": "0d9bd97fbf75ab317661452fd020dc6cf17f08e4c8340f24b07d4ffda3acec25", "hash": "4e917f35711cd52b2d97453b8ae985b472b0e47c8cce3e3bd828318a3366ae00"}
|
| 29 |
+
{"timestamp": 1756956307.595265, "tokens_seen": 27648, "data_bpt": 2.3665, "param_bpt": 0.0417, "S": 0.0173, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.1158, "prev_hash": "4e917f35711cd52b2d97453b8ae985b472b0e47c8cce3e3bd828318a3366ae00", "hash": "69d63b89301a2da734f985d5d50576ef9a7a0820cd655fda9ad4cf52f1a680cd"}
|
| 30 |
+
{"timestamp": 1756956308.4224682, "tokens_seen": 28672, "data_bpt": 2.4095, "param_bpt": 0.041, "S": 0.0167, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.1153, "prev_hash": "69d63b89301a2da734f985d5d50576ef9a7a0820cd655fda9ad4cf52f1a680cd", "hash": "d184034daba181bb6f53ebfc143d44f39d2d7ca8990a2105e9a0822dcb6d5c74"}
|
| 31 |
+
{"timestamp": 1756956309.239399, "tokens_seen": 29696, "data_bpt": 2.3225, "param_bpt": 0.0404, "S": 0.0171, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.1147, "prev_hash": "d184034daba181bb6f53ebfc143d44f39d2d7ca8990a2105e9a0822dcb6d5c74", "hash": "b5ffd8b253703e280981fbd86c4c86cb9b86189248146f1acbd6c3d8396d7b41"}
|
| 32 |
+
{"timestamp": 1756956310.057909, "tokens_seen": 30720, "data_bpt": 2.3155, "param_bpt": 0.0397, "S": 0.0169, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.1141, "prev_hash": "b5ffd8b253703e280981fbd86c4c86cb9b86189248146f1acbd6c3d8396d7b41", "hash": "06a5d81fec24ea1723b64b5ff6f9ffcc685029f610308ec88c58cce216cd0bbd"}
|
| 33 |
+
{"timestamp": 1756956310.8836071, "tokens_seen": 31744, "data_bpt": 2.2888, "param_bpt": 0.039, "S": 0.0168, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.1135, "prev_hash": "06a5d81fec24ea1723b64b5ff6f9ffcc685029f610308ec88c58cce216cd0bbd", "hash": "e6a2f944a040ff50daca484e45bd4100fb6bf98fc3bb27d1958123d3bccddb1d"}
|
| 34 |
+
{"timestamp": 1756956311.7154188, "tokens_seen": 32768, "data_bpt": 2.2822, "param_bpt": 0.0383, "S": 0.0165, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.113, "prev_hash": "e6a2f944a040ff50daca484e45bd4100fb6bf98fc3bb27d1958123d3bccddb1d", "hash": "2862bd892382ec790fe6c3e81417ce6b8ddbecda73d5219caa352b31e6962326"}
|
| 35 |
+
{"timestamp": 1756956312.547501, "tokens_seen": 33792, "data_bpt": 2.2349, "param_bpt": 0.0377, "S": 0.0166, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.1124, "prev_hash": "2862bd892382ec790fe6c3e81417ce6b8ddbecda73d5219caa352b31e6962326", "hash": "e915dd0961b306ae1bf53c31768a00056b8387d9416df32a73227745d37f1a1d"}
|
| 36 |
+
{"timestamp": 1756956313.3697941, "tokens_seen": 34816, "data_bpt": 2.2366, "param_bpt": 0.037, "S": 0.0163, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.1119, "prev_hash": "e915dd0961b306ae1bf53c31768a00056b8387d9416df32a73227745d37f1a1d", "hash": "4c9c1ced68689b40ca771bd5e88bd4c8e1f994d9157290acd203262c1e7c58f9"}
|
| 37 |
+
{"timestamp": 1756956314.200636, "tokens_seen": 35840, "data_bpt": 2.2788, "param_bpt": 0.0363, "S": 0.0157, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.1113, "prev_hash": "4c9c1ced68689b40ca771bd5e88bd4c8e1f994d9157290acd203262c1e7c58f9", "hash": "007a804df4f8392bca2e30443ee224a9a2b4fe70663959429f9fb8bbe22eedf7"}
|
| 38 |
+
{"timestamp": 1756956315.0319638, "tokens_seen": 36864, "data_bpt": 2.2981, "param_bpt": 0.0356, "S": 0.0152, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.1107, "prev_hash": "007a804df4f8392bca2e30443ee224a9a2b4fe70663959429f9fb8bbe22eedf7", "hash": "c3c9ed7a72246d2000c584d6284ef8e08a3c7d8d12c3e96df36a338959951ffb"}
|
| 39 |
+
{"timestamp": 1756956315.8576798, "tokens_seen": 37888, "data_bpt": 2.3041, "param_bpt": 0.0349, "S": 0.0149, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.1102, "prev_hash": "c3c9ed7a72246d2000c584d6284ef8e08a3c7d8d12c3e96df36a338959951ffb", "hash": "33d04810129e481038dcba4de8874528b302d3495b549fe0562d85586696854f"}
|
| 40 |
+
{"timestamp": 1756956316.683797, "tokens_seen": 38912, "data_bpt": 2.3455, "param_bpt": 0.0342, "S": 0.0144, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.1096, "prev_hash": "33d04810129e481038dcba4de8874528b302d3495b549fe0562d85586696854f", "hash": "5a3350310347f1be742c4c3f7ccb10162e8d333ac993244aaadbfb1fc918e540"}
|
| 41 |
+
{"timestamp": 1756956317.5137222, "tokens_seen": 39936, "data_bpt": 2.3615, "param_bpt": 0.0335, "S": 0.014, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.1091, "prev_hash": "5a3350310347f1be742c4c3f7ccb10162e8d333ac993244aaadbfb1fc918e540", "hash": "c5a342122ee6ef401f4a6dfeea2673b59ed80692a625997ab1bb1630ba66f737"}
|
| 42 |
+
{"timestamp": 1756956318.34199, "tokens_seen": 40960, "data_bpt": 2.3197, "param_bpt": 0.0328, "S": 0.0139, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.1085, "prev_hash": "c5a342122ee6ef401f4a6dfeea2673b59ed80692a625997ab1bb1630ba66f737", "hash": "2d8972760474c3cfe780685fef7a49e705564a38280ed26d02219a76cc3be55c"}
|
| 43 |
+
{"timestamp": 1756956319.1694999, "tokens_seen": 41984, "data_bpt": 2.2787, "param_bpt": 0.0321, "S": 0.0139, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.108, "prev_hash": "2d8972760474c3cfe780685fef7a49e705564a38280ed26d02219a76cc3be55c", "hash": "991f754950dc036e396a2f9618f1517b914a7c651f7701f0e4b48004684410dc"}
|
| 44 |
+
{"timestamp": 1756956320.012566, "tokens_seen": 43008, "data_bpt": 2.3142, "param_bpt": 0.0315, "S": 0.0134, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.1075, "prev_hash": "991f754950dc036e396a2f9618f1517b914a7c651f7701f0e4b48004684410dc", "hash": "00ce4f9d989bbb75b3e692f11381880bdfe19b2e54f6c0922063f408526dbed5"}
|
| 45 |
+
{"timestamp": 1756956320.852642, "tokens_seen": 44032, "data_bpt": 2.2961, "param_bpt": 0.0308, "S": 0.0132, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.1069, "prev_hash": "00ce4f9d989bbb75b3e692f11381880bdfe19b2e54f6c0922063f408526dbed5", "hash": "f1d82e642ab7d8ef580f623cd294f98f5c11098709056e512f6c6fcad9c5305c"}
|
| 46 |
+
{"timestamp": 1756956321.693768, "tokens_seen": 45056, "data_bpt": 2.2644, "param_bpt": 0.0302, "S": 0.0132, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.1064, "prev_hash": "f1d82e642ab7d8ef580f623cd294f98f5c11098709056e512f6c6fcad9c5305c", "hash": "be9a1f2784a70827f241915fdd1b8d9048d07e84ad2e022a9d5c5c678e67e934"}
|
| 47 |
+
{"timestamp": 1756956322.526562, "tokens_seen": 46080, "data_bpt": 2.2704, "param_bpt": 0.0296, "S": 0.0129, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.1059, "prev_hash": "be9a1f2784a70827f241915fdd1b8d9048d07e84ad2e022a9d5c5c678e67e934", "hash": "17e2a424bf4d6d8991ca9c27274eb2f385afad45d85ffaaf7185bf13b9146676"}
|
| 48 |
+
{"timestamp": 1756956323.359754, "tokens_seen": 47104, "data_bpt": 2.3064, "param_bpt": 0.029, "S": 0.0124, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.1053, "prev_hash": "17e2a424bf4d6d8991ca9c27274eb2f385afad45d85ffaaf7185bf13b9146676", "hash": "081e709a98fb9835029698fd5cfd7c17db80741ad21708d4006c1daed697f343"}
|
| 49 |
+
{"timestamp": 1756956324.202087, "tokens_seen": 48128, "data_bpt": 2.354, "param_bpt": 0.0284, "S": 0.0119, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.1048, "prev_hash": "081e709a98fb9835029698fd5cfd7c17db80741ad21708d4006c1daed697f343", "hash": "8f9a740c873d37c435e0361e5191745af039c40ddc65faf8b45d467d671fa56d"}
|
| 50 |
+
{"timestamp": 1756956325.036992, "tokens_seen": 49152, "data_bpt": 2.3697, "param_bpt": 0.0278, "S": 0.0116, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.1043, "prev_hash": "8f9a740c873d37c435e0361e5191745af039c40ddc65faf8b45d467d671fa56d", "hash": "8e969ea5646e0700d550069046876bf130c65d540f1d5a6a0e8fb33206c47eeb"}
|
| 51 |
+
{"timestamp": 1756956325.883132, "tokens_seen": 50176, "data_bpt": 2.3798, "param_bpt": 0.0272, "S": 0.0113, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.1037, "prev_hash": "8e969ea5646e0700d550069046876bf130c65d540f1d5a6a0e8fb33206c47eeb", "hash": "b65c9692f972237eaf30816a56526859dbaed73a4abe0beaeaf2bcc4c765175a"}
|
| 52 |
+
{"timestamp": 1756956326.704532, "tokens_seen": 51200, "data_bpt": 2.383, "param_bpt": 0.0267, "S": 0.0111, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.1032, "prev_hash": "b65c9692f972237eaf30816a56526859dbaed73a4abe0beaeaf2bcc4c765175a", "hash": "4b1f47f566a6879078e61634272763e9b0ab4313ff6835e1dc5f70424d20abe5"}
|
| 53 |
+
{"timestamp": 1756956327.523864, "tokens_seen": 52224, "data_bpt": 2.372, "param_bpt": 0.0262, "S": 0.0109, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.1027, "prev_hash": "4b1f47f566a6879078e61634272763e9b0ab4313ff6835e1dc5f70424d20abe5", "hash": "33013f83840378cd2d93d657ae41a245e0cd2e5a083809658aa8d71afbd0edb7"}
|
| 54 |
+
{"timestamp": 1756956328.344457, "tokens_seen": 53248, "data_bpt": 2.2597, "param_bpt": 0.0256, "S": 0.0112, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.1022, "prev_hash": "33013f83840378cd2d93d657ae41a245e0cd2e5a083809658aa8d71afbd0edb7", "hash": "46a943b239bcd86edb2a63faa81a6bd4afae65dcea77e616fba48343e094932e"}
|
| 55 |
+
{"timestamp": 1756956329.171822, "tokens_seen": 54272, "data_bpt": 2.2357, "param_bpt": 0.0251, "S": 0.0111, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.1017, "prev_hash": "46a943b239bcd86edb2a63faa81a6bd4afae65dcea77e616fba48343e094932e", "hash": "b044ca0bcbe39c4eb4736c2bba8bd1d719add5c5e74695c43b11f8b064ff647e"}
|
| 56 |
+
{"timestamp": 1756956329.993512, "tokens_seen": 55296, "data_bpt": 2.2349, "param_bpt": 0.0247, "S": 0.0109, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.1012, "prev_hash": "b044ca0bcbe39c4eb4736c2bba8bd1d719add5c5e74695c43b11f8b064ff647e", "hash": "03d2b8359073d6d485545d71cb7a076dda2981023e6e06b6837e7b465c1ba74a"}
|
| 57 |
+
{"timestamp": 1756956330.825257, "tokens_seen": 56320, "data_bpt": 2.1849, "param_bpt": 0.0242, "S": 0.011, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.1007, "prev_hash": "03d2b8359073d6d485545d71cb7a076dda2981023e6e06b6837e7b465c1ba74a", "hash": "165efa27274390cc8ed07df175b11358b9d1e92b5c465fbebf6443339d69f099"}
|
| 58 |
+
{"timestamp": 1756956331.651145, "tokens_seen": 57344, "data_bpt": 2.1503, "param_bpt": 0.0237, "S": 0.0109, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.1002, "prev_hash": "165efa27274390cc8ed07df175b11358b9d1e92b5c465fbebf6443339d69f099", "hash": "3fc8ed2efac466df640560ef96907dab40bfb9b455a90f63187874a1d505ccd1"}
|
| 59 |
+
{"timestamp": 1756956332.479174, "tokens_seen": 58368, "data_bpt": 2.1136, "param_bpt": 0.0233, "S": 0.0109, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.0997, "prev_hash": "3fc8ed2efac466df640560ef96907dab40bfb9b455a90f63187874a1d505ccd1", "hash": "33e95a9b65a2870284a154332233267ed53a60a0786ff8117fb18697929d2262"}
|
| 60 |
+
{"timestamp": 1756956333.304684, "tokens_seen": 59392, "data_bpt": 2.1243, "param_bpt": 0.0229, "S": 0.0107, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.0992, "prev_hash": "33e95a9b65a2870284a154332233267ed53a60a0786ff8117fb18697929d2262", "hash": "d803fff3a9e3c1a146a7cb76e4c2d9cc3eeb35e78cbcb7a9f4e2515ee6f30d1b"}
|
| 61 |
+
{"timestamp": 1756956334.130187, "tokens_seen": 60416, "data_bpt": 2.163, "param_bpt": 0.0225, "S": 0.0103, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.0987, "prev_hash": "d803fff3a9e3c1a146a7cb76e4c2d9cc3eeb35e78cbcb7a9f4e2515ee6f30d1b", "hash": "62bc4f766ee6acb0cbf9df0929917c31d144ad3b339b82ff6162232155db5b09"}
|
| 62 |
+
{"timestamp": 1756956334.965983, "tokens_seen": 61440, "data_bpt": 2.1776, "param_bpt": 0.0221, "S": 0.01, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.0982, "prev_hash": "62bc4f766ee6acb0cbf9df0929917c31d144ad3b339b82ff6162232155db5b09", "hash": "d7f498735be7f56e05b27a3ae6b734566f8b126388703fa934ebd8b7e522e904"}
|
| 63 |
+
{"timestamp": 1756956335.813569, "tokens_seen": 62464, "data_bpt": 2.1512, "param_bpt": 0.0217, "S": 0.01, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.0977, "prev_hash": "d7f498735be7f56e05b27a3ae6b734566f8b126388703fa934ebd8b7e522e904", "hash": "7378ace9c2b159870f30370d4d28746fb390b4efc4543fb9cf6d858976061065"}
|
| 64 |
+
{"timestamp": 1756956336.6489642, "tokens_seen": 63488, "data_bpt": 2.1749, "param_bpt": 0.0213, "S": 0.0097, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.0972, "prev_hash": "7378ace9c2b159870f30370d4d28746fb390b4efc4543fb9cf6d858976061065", "hash": "6d5024f8a5d0c73246ee92f65c6fabaf90036d9b7bdaf8a26e888afd62f65e18"}
|
| 65 |
+
{"timestamp": 1756956337.4791481, "tokens_seen": 64512, "data_bpt": 2.2301, "param_bpt": 0.021, "S": 0.0093, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.0967, "prev_hash": "6d5024f8a5d0c73246ee92f65c6fabaf90036d9b7bdaf8a26e888afd62f65e18", "hash": "fd109623d3336ca5ee6b7d4ef9c6bd3625e113084aae711eba8760330bd6ab9f"}
|
| 66 |
+
{"timestamp": 1756956338.3133922, "tokens_seen": 65536, "data_bpt": 2.2096, "param_bpt": 0.0206, "S": 0.0093, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.0962, "prev_hash": "fd109623d3336ca5ee6b7d4ef9c6bd3625e113084aae711eba8760330bd6ab9f", "hash": "3a5e800da8d4bfae1b4fb644848f49dad26f565ecaaa4a0e9f9b38859cfe4617"}
|
| 67 |
+
{"timestamp": 1756956339.141092, "tokens_seen": 66560, "data_bpt": 2.1953, "param_bpt": 0.0203, "S": 0.0092, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.0958, "prev_hash": "3a5e800da8d4bfae1b4fb644848f49dad26f565ecaaa4a0e9f9b38859cfe4617", "hash": "7c7eaf57202ce3eee80ed8c70be37c5df7c966082c98bf211d25c77af19cf388"}
|
| 68 |
+
{"timestamp": 1756956339.9776251, "tokens_seen": 67584, "data_bpt": 2.2342, "param_bpt": 0.02, "S": 0.0089, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.0953, "prev_hash": "7c7eaf57202ce3eee80ed8c70be37c5df7c966082c98bf211d25c77af19cf388", "hash": "cf03a47e8b2e536bc5e43ef75272daedae48d958bd206c340d575ddc70d5c905"}
|
| 69 |
+
{"timestamp": 1756956340.809493, "tokens_seen": 68608, "data_bpt": 2.2074, "param_bpt": 0.0197, "S": 0.0088, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.0948, "prev_hash": "cf03a47e8b2e536bc5e43ef75272daedae48d958bd206c340d575ddc70d5c905", "hash": "851e53e72b38a5683ee1ee261b553f63882914d54ba98d6070a868bb93bb637d"}
|
| 70 |
+
{"timestamp": 1756956341.6546922, "tokens_seen": 69632, "data_bpt": 2.2303, "param_bpt": 0.0194, "S": 0.0086, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.0943, "prev_hash": "851e53e72b38a5683ee1ee261b553f63882914d54ba98d6070a868bb93bb637d", "hash": "c9d93cd93f354c524a77d733eafd68bc365e989ae9be34fca3d4b556b730b359"}
|
| 71 |
+
{"timestamp": 1756956342.4913049, "tokens_seen": 70656, "data_bpt": 2.1503, "param_bpt": 0.0191, "S": 0.0088, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.0939, "prev_hash": "c9d93cd93f354c524a77d733eafd68bc365e989ae9be34fca3d4b556b730b359", "hash": "45d648708fc0618ad6dec0a11dde3822b868199e7ed743d57e97bfb28ded1057"}
|
| 72 |
+
{"timestamp": 1756956343.3307111, "tokens_seen": 71680, "data_bpt": 2.1395, "param_bpt": 0.0188, "S": 0.0087, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.0934, "prev_hash": "45d648708fc0618ad6dec0a11dde3822b868199e7ed743d57e97bfb28ded1057", "hash": "b21bfd2ed060e2f474621942eae0d3a8cfaa5577ff8d0dc5ed730da228bae526"}
|
| 73 |
+
{"timestamp": 1756956344.163899, "tokens_seen": 72704, "data_bpt": 2.1465, "param_bpt": 0.0185, "S": 0.0086, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.0929, "prev_hash": "b21bfd2ed060e2f474621942eae0d3a8cfaa5577ff8d0dc5ed730da228bae526", "hash": "cc4b010cd6fb9fbe58bc7e5ce0818586db3b7f7c201efb7056681d9fab589be6"}
|
| 74 |
+
{"timestamp": 1756956345.0015092, "tokens_seen": 73728, "data_bpt": 2.2028, "param_bpt": 0.0183, "S": 0.0082, "lambda": 10.0, "log_lambda": 2.3026, "integral": 0.0925, "prev_hash": "cc4b010cd6fb9fbe58bc7e5ce0818586db3b7f7c201efb7056681d9fab589be6", "hash": "3aa227f9c2b0a108493d7c39baa34e641468985aa5ecef2ca6aa8f8ffe19fb5e"}
|
| 75 |
+
{"timestamp": 1756956345.842999, "tokens_seen": 74752, "data_bpt": 2.2457, "param_bpt": 0.018, "S": 0.008, "lambda": 9.158469, "log_lambda": 2.2147, "integral": 0.091, "prev_hash": "3aa227f9c2b0a108493d7c39baa34e641468985aa5ecef2ca6aa8f8ffe19fb5e", "hash": "11b650587afe1556e7a726b71c136e3ea37d0b5f8240cacfe05e92e5b2f3506e"}
|
| 76 |
+
{"timestamp": 1756956346.683712, "tokens_seen": 75776, "data_bpt": 2.2741, "param_bpt": 0.0178, "S": 0.0078, "lambda": 8.403591, "log_lambda": 2.1287, "integral": 0.0894, "prev_hash": "11b650587afe1556e7a726b71c136e3ea37d0b5f8240cacfe05e92e5b2f3506e", "hash": "4579356eb4855ebbda4bd5a0b99eee93c2b11b34fb597edb7ac46f0ff8ccb2ce"}
|
| 77 |
+
{"timestamp": 1756956347.522201, "tokens_seen": 76800, "data_bpt": 2.241, "param_bpt": 0.0175, "S": 0.0078, "lambda": 7.722905, "log_lambda": 2.0442, "integral": 0.0878, "prev_hash": "4579356eb4855ebbda4bd5a0b99eee93c2b11b34fb597edb7ac46f0ff8ccb2ce", "hash": "4a2d85383829e050fe4641e152deb13fbee6afe48c3f8e920dd0f2d46e216047"}
|
| 78 |
+
{"timestamp": 1756956348.3611698, "tokens_seen": 77824, "data_bpt": 2.3023, "param_bpt": 0.0173, "S": 0.0075, "lambda": 7.112725, "log_lambda": 1.9619, "integral": 0.0861, "prev_hash": "4a2d85383829e050fe4641e152deb13fbee6afe48c3f8e920dd0f2d46e216047", "hash": "1cd49128e509c7510660928a94365876c912504f3ded7a651f4c85f6520aac76"}
|
| 79 |
+
{"timestamp": 1756956349.2001338, "tokens_seen": 78848, "data_bpt": 2.2952, "param_bpt": 0.0171, "S": 0.0074, "lambda": 6.562835, "log_lambda": 1.8814, "integral": 0.0844, "prev_hash": "1cd49128e509c7510660928a94365876c912504f3ded7a651f4c85f6520aac76", "hash": "e29b2d0f3b3682cac5456cadd1130812a3d523a8c6f11eb2549e19fa2e6ec244"}
|
| 80 |
+
{"timestamp": 1756956350.038996, "tokens_seen": 79872, "data_bpt": 2.3038, "param_bpt": 0.0169, "S": 0.0073, "lambda": 6.067346, "log_lambda": 1.8029, "integral": 0.0826, "prev_hash": "e29b2d0f3b3682cac5456cadd1130812a3d523a8c6f11eb2549e19fa2e6ec244", "hash": "7f2fdfd22e181f8e4fe86a62c6820d1e3e1cefbd70443357d46c383628ec3b8d"}
|
| 81 |
+
{"timestamp": 1756956350.880811, "tokens_seen": 80896, "data_bpt": 2.3396, "param_bpt": 0.0167, "S": 0.0071, "lambda": 5.621424, "log_lambda": 1.7266, "integral": 0.0807, "prev_hash": "7f2fdfd22e181f8e4fe86a62c6820d1e3e1cefbd70443357d46c383628ec3b8d", "hash": "3d32b5a356ebdb5ef53d1a41e69f41c18807245caf0ea0e8cfccea9d2a86bf97"}
|
| 82 |
+
{"timestamp": 1756956351.717758, "tokens_seen": 81920, "data_bpt": 2.3624, "param_bpt": 0.0165, "S": 0.0069, "lambda": 5.219526, "log_lambda": 1.6524, "integral": 0.0788, "prev_hash": "3d32b5a356ebdb5ef53d1a41e69f41c18807245caf0ea0e8cfccea9d2a86bf97", "hash": "fcb48f65c979081807b14feb95c2987516c9ded6188e64b7c47020c235a1eee8"}
|
| 83 |
+
{"timestamp": 1756956352.558613, "tokens_seen": 82944, "data_bpt": 2.3621, "param_bpt": 0.0163, "S": 0.0069, "lambda": 4.856434, "log_lambda": 1.5803, "integral": 0.0768, "prev_hash": "fcb48f65c979081807b14feb95c2987516c9ded6188e64b7c47020c235a1eee8", "hash": "25cfe88ef6582a79bc5e5a8676e9dd82d501291fdb39553770975f6e976d8185"}
|
| 84 |
+
{"timestamp": 1756956353.401314, "tokens_seen": 83968, "data_bpt": 2.3706, "param_bpt": 0.0161, "S": 0.0068, "lambda": 4.528298, "log_lambda": 1.5103, "integral": 0.0748, "prev_hash": "25cfe88ef6582a79bc5e5a8676e9dd82d501291fdb39553770975f6e976d8185", "hash": "08974c461dd5578713739c4472d079c5b55e84fb85ac508f17895db4fc89e279"}
|
| 85 |
+
{"timestamp": 1756956354.239091, "tokens_seen": 84992, "data_bpt": 2.3496, "param_bpt": 0.016, "S": 0.0068, "lambda": 4.230809, "log_lambda": 1.4424, "integral": 0.0728, "prev_hash": "08974c461dd5578713739c4472d079c5b55e84fb85ac508f17895db4fc89e279", "hash": "5a38341fd0dffd2e2e279fc234d2322c503190ced2355afe828d91af2728b159"}
|
| 86 |
+
{"timestamp": 1756956355.07923, "tokens_seen": 86016, "data_bpt": 2.3241, "param_bpt": 0.0158, "S": 0.0068, "lambda": 3.960636, "log_lambda": 1.3764, "integral": 0.0708, "prev_hash": "5a38341fd0dffd2e2e279fc234d2322c503190ced2355afe828d91af2728b159", "hash": "8032e5cf64fee076515946500ba2fcec68a1d5f5ab2a1ccabe5eea1177cf0ec7"}
|
| 87 |
+
{"timestamp": 1756956355.916065, "tokens_seen": 87040, "data_bpt": 2.3329, "param_bpt": 0.0157, "S": 0.0067, "lambda": 3.715649, "log_lambda": 1.3126, "integral": 0.0688, "prev_hash": "8032e5cf64fee076515946500ba2fcec68a1d5f5ab2a1ccabe5eea1177cf0ec7", "hash": "3128c661529bb4473aa8734e2ac5f79210cd7a872887beac59ddaae2ce32a7dc"}
|
| 88 |
+
{"timestamp": 1756956356.758004, "tokens_seen": 88064, "data_bpt": 2.3111, "param_bpt": 0.0156, "S": 0.0067, "lambda": 3.492745, "log_lambda": 1.2507, "integral": 0.0668, "prev_hash": "3128c661529bb4473aa8734e2ac5f79210cd7a872887beac59ddaae2ce32a7dc", "hash": "e7b536e07e187f3c2062474d7b4ede4a71f387ee74c0b6ba06f13cacb64559f1"}
|
| 89 |
+
{"timestamp": 1756956357.5983481, "tokens_seen": 89088, "data_bpt": 2.2747, "param_bpt": 0.0155, "S": 0.0067, "lambda": 3.289383, "log_lambda": 1.1907, "integral": 0.0649, "prev_hash": "e7b536e07e187f3c2062474d7b4ede4a71f387ee74c0b6ba06f13cacb64559f1", "hash": "d257193ec680d31cb548df0a51646acb506ec628f39ef0bdf1767154c216380e"}
|
| 90 |
+
{"timestamp": 1756956358.430434, "tokens_seen": 90112, "data_bpt": 2.3038, "param_bpt": 0.0153, "S": 0.0066, "lambda": 3.104724, "log_lambda": 1.1329, "integral": 0.0629, "prev_hash": "d257193ec680d31cb548df0a51646acb506ec628f39ef0bdf1767154c216380e", "hash": "41a87a52422ee90828b79ceba83c04d47e30d046d93832d88ce68fdd2c07407e"}
|
| 91 |
+
{"timestamp": 1756956359.273442, "tokens_seen": 91136, "data_bpt": 2.2996, "param_bpt": 0.0152, "S": 0.0066, "lambda": 2.936496, "log_lambda": 1.0772, "integral": 0.0608, "prev_hash": "41a87a52422ee90828b79ceba83c04d47e30d046d93832d88ce68fdd2c07407e", "hash": "38df59a9f7c58e0ae7ee25c86bbcfb0e56536cff3773cc38aeb0c6b149e801f1"}
|
| 92 |
+
{"timestamp": 1756956360.10975, "tokens_seen": 92160, "data_bpt": 2.3099, "param_bpt": 0.0152, "S": 0.0065, "lambda": 2.78335, "log_lambda": 1.0237, "integral": 0.0588, "prev_hash": "38df59a9f7c58e0ae7ee25c86bbcfb0e56536cff3773cc38aeb0c6b149e801f1", "hash": "dfefb0d93a62e1def1d506a0c83a188bf2448a6a79cd2ad4796becc67fc6d66a"}
|
| 93 |
+
{"timestamp": 1756956360.949121, "tokens_seen": 93184, "data_bpt": 2.2925, "param_bpt": 0.0151, "S": 0.0065, "lambda": 2.643492, "log_lambda": 0.9721, "integral": 0.0568, "prev_hash": "dfefb0d93a62e1def1d506a0c83a188bf2448a6a79cd2ad4796becc67fc6d66a", "hash": "a204f6db7e21a338538bc75f39ff02413f22d5dc1fa923298f4ca9f54ab52601"}
|
| 94 |
+
{"timestamp": 1756956361.787447, "tokens_seen": 94208, "data_bpt": 2.2399, "param_bpt": 0.015, "S": 0.0067, "lambda": 2.515129, "log_lambda": 0.9223, "integral": 0.0548, "prev_hash": "a204f6db7e21a338538bc75f39ff02413f22d5dc1fa923298f4ca9f54ab52601", "hash": "cc6d56008ce90cb07c9cf8670a8660870e85223c57a134ee3a1161b768fc4eac"}
|
| 95 |
+
{"timestamp": 1756956362.623256, "tokens_seen": 95232, "data_bpt": 2.2557, "param_bpt": 0.0149, "S": 0.0066, "lambda": 2.398024, "log_lambda": 0.8746, "integral": 0.0528, "prev_hash": "cc6d56008ce90cb07c9cf8670a8660870e85223c57a134ee3a1161b768fc4eac", "hash": "c10f60d4b8cf2fd41c739654f1b8bdc93f6e59e168b0a4aec74a32aaef7f70fb"}
|
| 96 |
+
{"timestamp": 1756956363.462443, "tokens_seen": 96256, "data_bpt": 2.2805, "param_bpt": 0.0149, "S": 0.0065, "lambda": 2.291333, "log_lambda": 0.8291, "integral": 0.0508, "prev_hash": "c10f60d4b8cf2fd41c739654f1b8bdc93f6e59e168b0a4aec74a32aaef7f70fb", "hash": "8946b26b2df65e4d59c16169ad23255feefcc8393b6d15bcf39b30dd56daffea"}
|
| 97 |
+
{"timestamp": 1756956364.3073401, "tokens_seen": 97280, "data_bpt": 2.2913, "param_bpt": 0.0148, "S": 0.0064, "lambda": 2.194027, "log_lambda": 0.7857, "integral": 0.0488, "prev_hash": "8946b26b2df65e4d59c16169ad23255feefcc8393b6d15bcf39b30dd56daffea", "hash": "02cd00130d00a2cb4ad5910c3d9af0c12ab11c8e71de32c1263154ea6668df6b"}
|
| 98 |
+
{"timestamp": 1756956365.152642, "tokens_seen": 98304, "data_bpt": 2.3231, "param_bpt": 0.0148, "S": 0.0063, "lambda": 2.105565, "log_lambda": 0.7446, "integral": 0.0467, "prev_hash": "02cd00130d00a2cb4ad5910c3d9af0c12ab11c8e71de32c1263154ea6668df6b", "hash": "b2f1e477d9358a75bd4904f7129159cfe2f44faf7270fcf05363c50f0fa1288f"}
|
| 99 |
+
{"timestamp": 1756956365.979381, "tokens_seen": 99328, "data_bpt": 2.3395, "param_bpt": 0.0148, "S": 0.0063, "lambda": 2.025097, "log_lambda": 0.7056, "integral": 0.0446, "prev_hash": "b2f1e477d9358a75bd4904f7129159cfe2f44faf7270fcf05363c50f0fa1288f", "hash": "ba85641f80cd9dc954d8a9676c9e231891b8b7411fbb092ef5618f2ed13658de"}
|
| 100 |
+
{"timestamp": 1756956366.8110762, "tokens_seen": 100352, "data_bpt": 2.3673, "param_bpt": 0.0147, "S": 0.0062, "lambda": 1.952111, "log_lambda": 0.6689, "integral": 0.0424, "prev_hash": "ba85641f80cd9dc954d8a9676c9e231891b8b7411fbb092ef5618f2ed13658de", "hash": "746284c7c8659b45d40edd3ecd6902255dcec858310124e613088ebbf2386da0"}
|
| 101 |
+
{"timestamp": 1756956367.652181, "tokens_seen": 101376, "data_bpt": 2.2963, "param_bpt": 0.0147, "S": 0.0064, "lambda": 1.885071, "log_lambda": 0.634, "integral": 0.0404, "prev_hash": "746284c7c8659b45d40edd3ecd6902255dcec858310124e613088ebbf2386da0", "hash": "a58a832a77347061fdcaadc4f9b0c4b50650202ce8d9f563eb3d218099c732f4"}
|
| 102 |
+
{"timestamp": 1756956368.500607, "tokens_seen": 102400, "data_bpt": 2.3215, "param_bpt": 0.0147, "S": 0.0063, "lambda": 1.824288, "log_lambda": 0.6012, "integral": 0.0383, "prev_hash": "a58a832a77347061fdcaadc4f9b0c4b50650202ce8d9f563eb3d218099c732f4", "hash": "a734cb29e1e73ac4a8d9f5045b331293cf120785c00f45f360d842de51c1fb6e"}
|
| 103 |
+
{"timestamp": 1756956369.334443, "tokens_seen": 103424, "data_bpt": 2.2896, "param_bpt": 0.0147, "S": 0.0064, "lambda": 1.76879, "log_lambda": 0.5703, "integral": 0.0363, "prev_hash": "a734cb29e1e73ac4a8d9f5045b331293cf120785c00f45f360d842de51c1fb6e", "hash": "5966baf649dc75c7dc859b4ae6b2da94efc6591228472eec263349b2628a4a2f"}
|
| 104 |
+
{"timestamp": 1756956370.1680372, "tokens_seen": 104448, "data_bpt": 2.2639, "param_bpt": 0.0147, "S": 0.0064, "lambda": 1.718164, "log_lambda": 0.5413, "integral": 0.0344, "prev_hash": "5966baf649dc75c7dc859b4ae6b2da94efc6591228472eec263349b2628a4a2f", "hash": "fb7ba64ce8aeffb4a3878974dab83ad563740d7a91ad9a54946aff15be2e93dc"}
|
| 105 |
+
{"timestamp": 1756956371.0083919, "tokens_seen": 105472, "data_bpt": 2.2566, "param_bpt": 0.0147, "S": 0.0065, "lambda": 1.672171, "log_lambda": 0.5141, "integral": 0.0324, "prev_hash": "fb7ba64ce8aeffb4a3878974dab83ad563740d7a91ad9a54946aff15be2e93dc", "hash": "09717808331aa5eeca9f8b8740bf368a38e78ac8b0d5ffbc1d17ba008d5af7e9"}
|
| 106 |
+
{"timestamp": 1756956371.8323252, "tokens_seen": 106496, "data_bpt": 2.2393, "param_bpt": 0.0147, "S": 0.0065, "lambda": 1.630378, "log_lambda": 0.4888, "integral": 0.0305, "prev_hash": "09717808331aa5eeca9f8b8740bf368a38e78ac8b0d5ffbc1d17ba008d5af7e9", "hash": "587a25385b5ff298bd28854f707f98a0ab33e270fdd13f8cdbd88e117b580d34"}
|
| 107 |
+
{"timestamp": 1756956372.665629, "tokens_seen": 107520, "data_bpt": 2.2715, "param_bpt": 0.0147, "S": 0.0064, "lambda": 1.592912, "log_lambda": 0.4656, "integral": 0.0286, "prev_hash": "587a25385b5ff298bd28854f707f98a0ab33e270fdd13f8cdbd88e117b580d34", "hash": "a3a93282f24bb91b74ae7e2b101ef7e80bdca747c959e8c13b9cb4ab014379bb"}
|
| 108 |
+
{"timestamp": 1756956373.501813, "tokens_seen": 108544, "data_bpt": 2.2841, "param_bpt": 0.0147, "S": 0.0064, "lambda": 1.559392, "log_lambda": 0.4443, "integral": 0.0267, "prev_hash": "a3a93282f24bb91b74ae7e2b101ef7e80bdca747c959e8c13b9cb4ab014379bb", "hash": "34af8c9bb1573d8edb03c9246a9301a93594b058c4d621705df421dbb3dbac04"}
|
| 109 |
+
{"timestamp": 1756956374.325799, "tokens_seen": 109568, "data_bpt": 2.3106, "param_bpt": 0.0148, "S": 0.0063, "lambda": 1.529717, "log_lambda": 0.4251, "integral": 0.0247, "prev_hash": "34af8c9bb1573d8edb03c9246a9301a93594b058c4d621705df421dbb3dbac04", "hash": "1292b4dd346c726a74ab6e3d16d23b79d1326add4e54199d183cb6180cf454a1"}
|
| 110 |
+
{"timestamp": 1756956375.160398, "tokens_seen": 110592, "data_bpt": 2.2888, "param_bpt": 0.0148, "S": 0.0064, "lambda": 1.503318, "log_lambda": 0.4077, "integral": 0.0228, "prev_hash": "1292b4dd346c726a74ab6e3d16d23b79d1326add4e54199d183cb6180cf454a1", "hash": "3cc9df64433365ef7b95144635b26f48261bcd05b1e76c63a30df5cc93429fcb"}
|
| 111 |
+
{"timestamp": 1756956375.9974148, "tokens_seen": 111616, "data_bpt": 2.2508, "param_bpt": 0.0148, "S": 0.0065, "lambda": 1.47983, "log_lambda": 0.3919, "integral": 0.0209, "prev_hash": "3cc9df64433365ef7b95144635b26f48261bcd05b1e76c63a30df5cc93429fcb", "hash": "f766cb1986c37e28315d87aff72d86a50a00b179a6ca03167868b86d2f1ea9b7"}
|
| 112 |
+
{"timestamp": 1756956376.823642, "tokens_seen": 112640, "data_bpt": 2.2263, "param_bpt": 0.0149, "S": 0.0066, "lambda": 1.459127, "log_lambda": 0.3778, "integral": 0.0191, "prev_hash": "f766cb1986c37e28315d87aff72d86a50a00b179a6ca03167868b86d2f1ea9b7", "hash": "5eccb73fb8b71f2cf72cf63d8c72f0ef5b2c49caff2d56a3737a99bba9bc4ea5"}
|
| 113 |
+
{"timestamp": 1756956377.643786, "tokens_seen": 113664, "data_bpt": 2.2627, "param_bpt": 0.0149, "S": 0.0065, "lambda": 1.441531, "log_lambda": 0.3657, "integral": 0.0173, "prev_hash": "5eccb73fb8b71f2cf72cf63d8c72f0ef5b2c49caff2d56a3737a99bba9bc4ea5", "hash": "d833e2c108736c343257e399d4d62e8aefaf714a6d8c0e11bd593573bd26ae56"}
|
| 114 |
+
{"timestamp": 1756956378.464649, "tokens_seen": 114688, "data_bpt": 2.256, "param_bpt": 0.0149, "S": 0.0066, "lambda": 1.426622, "log_lambda": 0.3553, "integral": 0.0155, "prev_hash": "d833e2c108736c343257e399d4d62e8aefaf714a6d8c0e11bd593573bd26ae56", "hash": "e33aeff54425be496d75548f36952e4ae8878db170e913ffd78593979262f5a8"}
|
| 115 |
+
{"timestamp": 1756956379.287955, "tokens_seen": 115712, "data_bpt": 2.2683, "param_bpt": 0.015, "S": 0.0066, "lambda": 1.414433, "log_lambda": 0.3467, "integral": 0.0137, "prev_hash": "e33aeff54425be496d75548f36952e4ae8878db170e913ffd78593979262f5a8", "hash": "0f740f7477ddac03f4b1709090330f2a0ef2676d55b303479c7e7bd988e97981"}
|
| 116 |
+
{"timestamp": 1756956380.120626, "tokens_seen": 116736, "data_bpt": 2.2834, "param_bpt": 0.015, "S": 0.0065, "lambda": 1.40491, "log_lambda": 0.34, "integral": 0.0119, "prev_hash": "0f740f7477ddac03f4b1709090330f2a0ef2676d55b303479c7e7bd988e97981", "hash": "4d2a762eb49bcc1676e74557822fcef57c7a062498fd1da329a93640fcf112f7"}
|
| 117 |
+
{"timestamp": 1756956380.9414, "tokens_seen": 117760, "data_bpt": 2.2919, "param_bpt": 0.0151, "S": 0.0065, "lambda": 1.397946, "log_lambda": 0.335, "integral": 0.0101, "prev_hash": "4d2a762eb49bcc1676e74557822fcef57c7a062498fd1da329a93640fcf112f7", "hash": "51be5faebc047f82528b9d964886d5be7204732eebcf0bbe498a6c7728f08be9"}
|
| 118 |
+
{"timestamp": 1756956381.761954, "tokens_seen": 118784, "data_bpt": 2.3268, "param_bpt": 0.0152, "S": 0.0065, "lambda": 1.393692, "log_lambda": 0.332, "integral": 0.0083, "prev_hash": "51be5faebc047f82528b9d964886d5be7204732eebcf0bbe498a6c7728f08be9", "hash": "0121758a1d40a372f342624457010c59a612a40d904972520e6c9fca10e9ae7f"}
|
| 119 |
+
{"timestamp": 1756956382.5926359, "tokens_seen": 119808, "data_bpt": 2.2824, "param_bpt": 0.0152, "S": 0.0066, "lambda": 1.391536, "log_lambda": 0.3304, "integral": 0.0066, "prev_hash": "0121758a1d40a372f342624457010c59a612a40d904972520e6c9fca10e9ae7f", "hash": "085e26ec7b873796727ec8c91de601e7fa6e8a844564a20c434af39ce0f41124"}
|
| 120 |
+
{"timestamp": 1756956383.4254951, "tokens_seen": 120832, "data_bpt": 2.2932, "param_bpt": 0.0153, "S": 0.0066, "lambda": 1.252383, "log_lambda": 0.225, "integral": 0.0049, "prev_hash": "085e26ec7b873796727ec8c91de601e7fa6e8a844564a20c434af39ce0f41124", "hash": "0b7ffa40bd7ad5946c7ce0ae631e200b14db64f2f3acbe6a83734a35eab8a2ac"}
|
| 121 |
+
{"timestamp": 1756956384.246984, "tokens_seen": 121856, "data_bpt": 2.2395, "param_bpt": 0.0154, "S": 0.0068, "lambda": 1.127144, "log_lambda": 0.1197, "integral": 0.0033, "prev_hash": "0b7ffa40bd7ad5946c7ce0ae631e200b14db64f2f3acbe6a83734a35eab8a2ac", "hash": "3fa9978284e90a1f163918f72f2255c4971a0ea3fdd46d09c752173a0dfe0352"}
|
| 122 |
+
{"timestamp": 1756956385.0696561, "tokens_seen": 122880, "data_bpt": 2.224, "param_bpt": 0.0154, "S": 0.0069, "lambda": 1.01443, "log_lambda": 0.0143, "integral": 0.0017, "prev_hash": "3fa9978284e90a1f163918f72f2255c4971a0ea3fdd46d09c752173a0dfe0352", "hash": "729ca5101c5e80513a23a7f5a1ec8c45ac7615dd8766ba16243e9bc07de1257d"}
|
| 123 |
+
{"timestamp": 1756956385.89011, "tokens_seen": 123904, "data_bpt": 2.2091, "param_bpt": 0.0155, "S": 0.007, "lambda": 0.912987, "log_lambda": -0.091, "integral": 0.0002, "prev_hash": "729ca5101c5e80513a23a7f5a1ec8c45ac7615dd8766ba16243e9bc07de1257d", "hash": "e6464b7428f8abf2093c07fe441230a717dc2922634815be9b086c468759c8c0"}
|
| 124 |
+
{"timestamp": 1756956386.71531, "tokens_seen": 124928, "data_bpt": 2.2185, "param_bpt": 0.0156, "S": 0.007, "lambda": 0.821688, "log_lambda": -0.1964, "integral": -0.0013, "prev_hash": "e6464b7428f8abf2093c07fe441230a717dc2922634815be9b086c468759c8c0", "hash": "57ec0a5b8a2446036dde4256fa49913ee13608507baa7d83d085b21ffdf001a0"}
|
| 125 |
+
{"timestamp": 1756956387.542357, "tokens_seen": 125952, "data_bpt": 2.204, "param_bpt": 0.0157, "S": 0.0071, "lambda": 0.739519, "log_lambda": -0.3018, "integral": -0.0028, "prev_hash": "57ec0a5b8a2446036dde4256fa49913ee13608507baa7d83d085b21ffdf001a0", "hash": "902ed82d13bd96a14d0f8a556fb585cc4fbcc4053da01cf905b507f64fe13eb4"}
|
| 126 |
+
{"timestamp": 1756956388.365979, "tokens_seen": 126976, "data_bpt": 2.2016, "param_bpt": 0.0157, "S": 0.0071, "lambda": 0.665567, "log_lambda": -0.4071, "integral": -0.0042, "prev_hash": "902ed82d13bd96a14d0f8a556fb585cc4fbcc4053da01cf905b507f64fe13eb4", "hash": "5e10a4617125eb091116959bde93f4b09e34b06ccda89b3476364eb1de4a8d4f"}
|
| 127 |
+
{"timestamp": 1756956389.19824, "tokens_seen": 128000, "data_bpt": 2.1752, "param_bpt": 0.0158, "S": 0.0072, "lambda": 0.599011, "log_lambda": -0.5125, "integral": -0.0056, "prev_hash": "5e10a4617125eb091116959bde93f4b09e34b06ccda89b3476364eb1de4a8d4f", "hash": "69a87cf340623b372f4acbbd0413ca5b8942ab2d01c355d721a1b35addf99486"}
|
| 128 |
+
{"timestamp": 1756956390.0224981, "tokens_seen": 129024, "data_bpt": 2.1339, "param_bpt": 0.0159, "S": 0.0074, "lambda": 0.53911, "log_lambda": -0.6178, "integral": -0.0069, "prev_hash": "69a87cf340623b372f4acbbd0413ca5b8942ab2d01c355d721a1b35addf99486", "hash": "969d243a4e83b30466bf733214d9f9196234dca98eb2c510d0e6639b6da7a489"}
|
| 129 |
+
{"timestamp": 1756956390.8444521, "tokens_seen": 130048, "data_bpt": 2.1079, "param_bpt": 0.016, "S": 0.0075, "lambda": 0.485199, "log_lambda": -0.7232, "integral": -0.0081, "prev_hash": "969d243a4e83b30466bf733214d9f9196234dca98eb2c510d0e6639b6da7a489", "hash": "6b6515d2660d9e5a13548fe132d123bc19520bfc4251e6885538ccf27a7195f6"}
|
| 130 |
+
{"timestamp": 1756956391.66902, "tokens_seen": 131072, "data_bpt": 2.1191, "param_bpt": 0.0161, "S": 0.0075, "lambda": 0.436679, "log_lambda": -0.8286, "integral": -0.0093, "prev_hash": "6b6515d2660d9e5a13548fe132d123bc19520bfc4251e6885538ccf27a7195f6", "hash": "911396d2f804e2295278913dfa74a125f4687fe4515cc72b6ea988326f690581"}
|
| 131 |
+
{"timestamp": 1756956392.492543, "tokens_seen": 132096, "data_bpt": 2.1535, "param_bpt": 0.0162, "S": 0.0075, "lambda": 0.393011, "log_lambda": -0.9339, "integral": -0.0105, "prev_hash": "911396d2f804e2295278913dfa74a125f4687fe4515cc72b6ea988326f690581", "hash": "b8dbaa32fbf9ddc15a0ff3c54cc5c53c7ab2a1d7f6b7760b89b38e1210b74def"}
|
| 132 |
+
{"timestamp": 1756956393.3158772, "tokens_seen": 133120, "data_bpt": 2.2074, "param_bpt": 0.0163, "S": 0.0073, "lambda": 0.35371, "log_lambda": -1.0393, "integral": -0.0118, "prev_hash": "b8dbaa32fbf9ddc15a0ff3c54cc5c53c7ab2a1d7f6b7760b89b38e1210b74def", "hash": "ce8d1647185f46d9b33b1cc9ec981e72bd7ea77cfa62e8f40921fbacebb8c07c"}
|
| 133 |
+
{"timestamp": 1756956394.137773, "tokens_seen": 134144, "data_bpt": 2.1846, "param_bpt": 0.0164, "S": 0.0074, "lambda": 0.318339, "log_lambda": -1.1446, "integral": -0.013, "prev_hash": "ce8d1647185f46d9b33b1cc9ec981e72bd7ea77cfa62e8f40921fbacebb8c07c", "hash": "5c0b246b42342792d3bdaa72f486e955914adcb4575f7c471f2d47e5baa39efb"}
|
| 134 |
+
{"timestamp": 1756956394.958903, "tokens_seen": 135168, "data_bpt": 2.1894, "param_bpt": 0.0165, "S": 0.0075, "lambda": 0.286505, "log_lambda": -1.25, "integral": -0.0142, "prev_hash": "5c0b246b42342792d3bdaa72f486e955914adcb4575f7c471f2d47e5baa39efb", "hash": "8c481ec519df6a327a67fd15119b6512e1a6df3d7010d4aceb8bd8f3e4218ede"}
|
| 135 |
+
{"timestamp": 1756956395.780071, "tokens_seen": 136192, "data_bpt": 2.1836, "param_bpt": 0.0166, "S": 0.0075, "lambda": 0.257854, "log_lambda": -1.3554, "integral": -0.0154, "prev_hash": "8c481ec519df6a327a67fd15119b6512e1a6df3d7010d4aceb8bd8f3e4218ede", "hash": "be3390ca280f7d81907d458d43af22a960b0681f0273fb23780ff67da5606236"}
|
| 136 |
+
{"timestamp": 1756956396.603074, "tokens_seen": 137216, "data_bpt": 2.2196, "param_bpt": 0.0167, "S": 0.0074, "lambda": 0.232069, "log_lambda": -1.4607, "integral": -0.0166, "prev_hash": "be3390ca280f7d81907d458d43af22a960b0681f0273fb23780ff67da5606236", "hash": "2a85f24b51a17243dd640ef94a6bb6c8cc093b44b87529a57d510243b4eaa53d"}
|
| 137 |
+
{"timestamp": 1756956397.430934, "tokens_seen": 138240, "data_bpt": 2.2349, "param_bpt": 0.0168, "S": 0.0074, "lambda": 0.208862, "log_lambda": -1.5661, "integral": -0.0178, "prev_hash": "2a85f24b51a17243dd640ef94a6bb6c8cc093b44b87529a57d510243b4eaa53d", "hash": "9a6c2aa1a85a1a8451bb47b7ace6cd6dcaacddec4a81afd925357b6e18045356"}
|
| 138 |
+
{"timestamp": 1756956398.253688, "tokens_seen": 139264, "data_bpt": 2.2634, "param_bpt": 0.0169, "S": 0.0074, "lambda": 0.187976, "log_lambda": -1.6714, "integral": -0.019, "prev_hash": "9a6c2aa1a85a1a8451bb47b7ace6cd6dcaacddec4a81afd925357b6e18045356", "hash": "48a91378c398ac258e2f73a073b24884a1d46d8792e9b1a9337d5698686abcb6"}
|
| 139 |
+
{"timestamp": 1756956399.073766, "tokens_seen": 140288, "data_bpt": 2.2746, "param_bpt": 0.017, "S": 0.0074, "lambda": 0.169178, "log_lambda": -1.7768, "integral": -0.0202, "prev_hash": "48a91378c398ac258e2f73a073b24884a1d46d8792e9b1a9337d5698686abcb6", "hash": "ffafed40f3c886671929013d5719b0379fc61cc25f254225280f8542905affc2"}
|
| 140 |
+
{"timestamp": 1756956399.894791, "tokens_seen": 141312, "data_bpt": 2.3006, "param_bpt": 0.0171, "S": 0.0074, "lambda": 0.15226, "log_lambda": -1.8822, "integral": -0.0214, "prev_hash": "ffafed40f3c886671929013d5719b0379fc61cc25f254225280f8542905affc2", "hash": "f942ebdb6b2bd98c4f3338c3e0adec014cd2367d57ae727fd90418ccd76ef498"}
|
| 141 |
+
{"timestamp": 1756956400.723642, "tokens_seen": 142336, "data_bpt": 2.2759, "param_bpt": 0.0172, "S": 0.0075, "lambda": 0.137034, "log_lambda": -1.9875, "integral": -0.0226, "prev_hash": "f942ebdb6b2bd98c4f3338c3e0adec014cd2367d57ae727fd90418ccd76ef498", "hash": "74409b13b898a10eb8a59212bc954b715dbb7b6cc3125c88b19b51cd3685f189"}
|
| 142 |
+
{"timestamp": 1756956401.551317, "tokens_seen": 143360, "data_bpt": 2.2754, "param_bpt": 0.0173, "S": 0.0075, "lambda": 0.123331, "log_lambda": -2.0929, "integral": -0.0237, "prev_hash": "74409b13b898a10eb8a59212bc954b715dbb7b6cc3125c88b19b51cd3685f189", "hash": "d50030643820d949d05c5635ddbe251a263af02ade8acbeeadf4d1862135e999"}
|
| 143 |
+
{"timestamp": 1756956402.3871439, "tokens_seen": 144384, "data_bpt": 2.2718, "param_bpt": 0.0174, "S": 0.0076, "lambda": 0.110998, "log_lambda": -2.1982, "integral": -0.0248, "prev_hash": "d50030643820d949d05c5635ddbe251a263af02ade8acbeeadf4d1862135e999", "hash": "9a45d2fb79775f9a257f8566c4c689485e009cc991329996173745f6e61d7456"}
|
| 144 |
+
{"timestamp": 1756956403.223368, "tokens_seen": 145408, "data_bpt": 2.2683, "param_bpt": 0.0175, "S": 0.0076, "lambda": 0.099898, "log_lambda": -2.3036, "integral": -0.0258, "prev_hash": "9a45d2fb79775f9a257f8566c4c689485e009cc991329996173745f6e61d7456", "hash": "48a3dc4ed30125eb3bf9d0a9f38092f04cc29c9b06b8a90c7a228e74248bf1e5"}
|
| 145 |
+
{"timestamp": 1756956404.062649, "tokens_seen": 146432, "data_bpt": 2.2958, "param_bpt": 0.0176, "S": 0.0076, "lambda": 0.089908, "log_lambda": -2.409, "integral": -0.0269, "prev_hash": "48a3dc4ed30125eb3bf9d0a9f38092f04cc29c9b06b8a90c7a228e74248bf1e5", "hash": "0ef598271143710f30e8a766996180dc6392784cb88cd07a007fe5faa7149445"}
|
| 146 |
+
{"timestamp": 1756956404.900956, "tokens_seen": 147456, "data_bpt": 2.2994, "param_bpt": 0.0177, "S": 0.0076, "lambda": 0.080917, "log_lambda": -2.5143, "integral": -0.0279, "prev_hash": "0ef598271143710f30e8a766996180dc6392784cb88cd07a007fe5faa7149445", "hash": "0092a5ec41e70f2b32161e108cbcdd0704545baa635cafcc6a545b49cd137bf7"}
|
| 147 |
+
{"timestamp": 1756956405.727535, "tokens_seen": 148480, "data_bpt": 2.3064, "param_bpt": 0.0178, "S": 0.0077, "lambda": 0.072826, "log_lambda": -2.6197, "integral": -0.029, "prev_hash": "0092a5ec41e70f2b32161e108cbcdd0704545baa635cafcc6a545b49cd137bf7", "hash": "32e6c2002a2a8e84c3df50da62332ead4f55e3555dcaeb3bd4869ea434ccedd7"}
|
| 148 |
+
{"timestamp": 1756956406.556318, "tokens_seen": 149504, "data_bpt": 2.2874, "param_bpt": 0.0179, "S": 0.0078, "lambda": 0.065543, "log_lambda": -2.725, "integral": -0.0299, "prev_hash": "32e6c2002a2a8e84c3df50da62332ead4f55e3555dcaeb3bd4869ea434ccedd7", "hash": "cd882ecfc2e1d276040d5c4b2df272c042ff8eee91bdfb455f15fdd380585f92"}
|
| 149 |
+
{"timestamp": 1756956407.380112, "tokens_seen": 150528, "data_bpt": 2.2648, "param_bpt": 0.018, "S": 0.0079, "lambda": 0.058989, "log_lambda": -2.8304, "integral": -0.0309, "prev_hash": "cd882ecfc2e1d276040d5c4b2df272c042ff8eee91bdfb455f15fdd380585f92", "hash": "63eb3006159802d48958b14c63f4274b2ef8f1aea14c9b958faf460d76f864a1"}
|
| 150 |
+
{"timestamp": 1756956408.2022378, "tokens_seen": 151552, "data_bpt": 2.2945, "param_bpt": 0.0181, "S": 0.0078, "lambda": 0.05309, "log_lambda": -2.9358, "integral": -0.0318, "prev_hash": "63eb3006159802d48958b14c63f4274b2ef8f1aea14c9b958faf460d76f864a1", "hash": "6e3e29e18cba3d91fb298d5e0e1eb9464ac5ce1eff2ab4aeb49d1d1c26cc9057"}
|
| 151 |
+
{"timestamp": 1756956409.0386481, "tokens_seen": 152576, "data_bpt": 2.3284, "param_bpt": 0.0182, "S": 0.0078, "lambda": 0.047781, "log_lambda": -3.0411, "integral": -0.0327, "prev_hash": "6e3e29e18cba3d91fb298d5e0e1eb9464ac5ce1eff2ab4aeb49d1d1c26cc9057", "hash": "d0f4c51c3e53b6f6d800c25f7f97dfd5027c05fe4df83806cd435e5d718548c7"}
|
| 152 |
+
{"timestamp": 1756956409.8664808, "tokens_seen": 153600, "data_bpt": 2.3068, "param_bpt": 0.0184, "S": 0.0079, "lambda": 0.043003, "log_lambda": -3.1465, "integral": -0.0336, "prev_hash": "d0f4c51c3e53b6f6d800c25f7f97dfd5027c05fe4df83806cd435e5d718548c7", "hash": "01b93f06f1dbb04e4446d3e89c935981fbc27dab7da5538f297d62ea9e209650"}
|
| 153 |
+
{"timestamp": 1756956410.6968908, "tokens_seen": 154624, "data_bpt": 2.2543, "param_bpt": 0.0185, "S": 0.0081, "lambda": 0.043003, "log_lambda": -3.1465, "integral": -0.0334, "prev_hash": "01b93f06f1dbb04e4446d3e89c935981fbc27dab7da5538f297d62ea9e209650", "hash": "27e6ebb6889bd48a4d510adc6f69e47dbb50c14d8e6d970fdac03bc408c36167"}
|
| 154 |
+
{"timestamp": 1756956411.530795, "tokens_seen": 155648, "data_bpt": 2.2649, "param_bpt": 0.0186, "S": 0.0081, "lambda": 0.043003, "log_lambda": -3.1465, "integral": -0.0333, "prev_hash": "27e6ebb6889bd48a4d510adc6f69e47dbb50c14d8e6d970fdac03bc408c36167", "hash": "b746d3bce1b44bb101f4770ca82a38f5b0be78b5460cfe347aba811d2457ee41"}
|
| 155 |
+
{"timestamp": 1756956412.3523579, "tokens_seen": 156672, "data_bpt": 2.2768, "param_bpt": 0.0187, "S": 0.0081, "lambda": 0.043003, "log_lambda": -3.1465, "integral": -0.0331, "prev_hash": "b746d3bce1b44bb101f4770ca82a38f5b0be78b5460cfe347aba811d2457ee41", "hash": "c0af7b203493cfded7af9a80e327917dca5aa1226a33df844f251cca8a40679f"}
|
| 156 |
+
{"timestamp": 1756956413.197665, "tokens_seen": 157696, "data_bpt": 2.36, "param_bpt": 0.0188, "S": 0.0079, "lambda": 0.038703, "log_lambda": -3.2518, "integral": -0.034, "prev_hash": "c0af7b203493cfded7af9a80e327917dca5aa1226a33df844f251cca8a40679f", "hash": "449bf214c7bd314f7a2b6c1c5fccbd22cafd51d1d3191a93d1e72a5555a19e41"}
|
| 157 |
+
{"timestamp": 1756956414.0212638, "tokens_seen": 158720, "data_bpt": 2.3684, "param_bpt": 0.0189, "S": 0.0079, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0349, "prev_hash": "449bf214c7bd314f7a2b6c1c5fccbd22cafd51d1d3191a93d1e72a5555a19e41", "hash": "2b6df96586b3f228df53c2d34dffb7bd0722f41cb9201ff6b5ec1de5f628f553"}
|
| 158 |
+
{"timestamp": 1756956414.84772, "tokens_seen": 159744, "data_bpt": 2.3618, "param_bpt": 0.0191, "S": 0.008, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0347, "prev_hash": "2b6df96586b3f228df53c2d34dffb7bd0722f41cb9201ff6b5ec1de5f628f553", "hash": "48407141f3a066615d3a3ed0345b163906f47011620b268c2cbfbe6c57706fd6"}
|
| 159 |
+
{"timestamp": 1756956415.683771, "tokens_seen": 160768, "data_bpt": 2.3098, "param_bpt": 0.0192, "S": 0.0082, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0345, "prev_hash": "48407141f3a066615d3a3ed0345b163906f47011620b268c2cbfbe6c57706fd6", "hash": "944ed6bb2dc4ce8f991a40179c735c63064584eff943be46c39c64b61d1137ba"}
|
| 160 |
+
{"timestamp": 1756956416.504975, "tokens_seen": 161792, "data_bpt": 2.3244, "param_bpt": 0.0193, "S": 0.0082, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0343, "prev_hash": "944ed6bb2dc4ce8f991a40179c735c63064584eff943be46c39c64b61d1137ba", "hash": "fc1a963c835de246ea4f9a0e900a9a0b2d3faab3d9a35a83b9ee846448611442"}
|
| 161 |
+
{"timestamp": 1756956417.329723, "tokens_seen": 162816, "data_bpt": 2.2943, "param_bpt": 0.0194, "S": 0.0084, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0342, "prev_hash": "fc1a963c835de246ea4f9a0e900a9a0b2d3faab3d9a35a83b9ee846448611442", "hash": "f15e0157a827f377e95b4b2eaf596559bb0dce9666de33c3b4265a7338450a80"}
|
| 162 |
+
{"timestamp": 1756956418.1511931, "tokens_seen": 163840, "data_bpt": 2.2926, "param_bpt": 0.0195, "S": 0.0084, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.034, "prev_hash": "f15e0157a827f377e95b4b2eaf596559bb0dce9666de33c3b4265a7338450a80", "hash": "e4e9531ef844329eef1aade947994d29c7eee98b09fca8c29761021fbc996359"}
|
| 163 |
+
{"timestamp": 1756956418.9824462, "tokens_seen": 164864, "data_bpt": 2.3076, "param_bpt": 0.0196, "S": 0.0084, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0338, "prev_hash": "e4e9531ef844329eef1aade947994d29c7eee98b09fca8c29761021fbc996359", "hash": "0b6ab29041ca8d80e2e31edec5bd1143a882879aa238ad23f03fad65171d8816"}
|
| 164 |
+
{"timestamp": 1756956419.8123121, "tokens_seen": 165888, "data_bpt": 2.2719, "param_bpt": 0.0198, "S": 0.0086, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0337, "prev_hash": "0b6ab29041ca8d80e2e31edec5bd1143a882879aa238ad23f03fad65171d8816", "hash": "1271d56aada269f295482463ca2ca6703d1b4d8b0f933b6044b25e7dbc0a6620"}
|
| 165 |
+
{"timestamp": 1756956420.637602, "tokens_seen": 166912, "data_bpt": 2.2993, "param_bpt": 0.0199, "S": 0.0086, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0335, "prev_hash": "1271d56aada269f295482463ca2ca6703d1b4d8b0f933b6044b25e7dbc0a6620", "hash": "810eaf13b8a182f232e120fc9a51d11d5025ca02b40ff676d25ab9f8d855f478"}
|
| 166 |
+
{"timestamp": 1756956421.4679198, "tokens_seen": 167936, "data_bpt": 2.3076, "param_bpt": 0.02, "S": 0.0086, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0333, "prev_hash": "810eaf13b8a182f232e120fc9a51d11d5025ca02b40ff676d25ab9f8d855f478", "hash": "5caeddde03543e169fc8969a28c8028e11a215791e4cbe4c27ceb0b6cfe739ea"}
|
| 167 |
+
{"timestamp": 1756956422.2878988, "tokens_seen": 168960, "data_bpt": 2.2543, "param_bpt": 0.0201, "S": 0.0088, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0332, "prev_hash": "5caeddde03543e169fc8969a28c8028e11a215791e4cbe4c27ceb0b6cfe739ea", "hash": "d3c28bfd4d8b6d660c7b9724e37849a07ed68aea1c31b94a4a9045029402091b"}
|
| 168 |
+
{"timestamp": 1756956423.111996, "tokens_seen": 169984, "data_bpt": 2.2702, "param_bpt": 0.0202, "S": 0.0088, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.033, "prev_hash": "d3c28bfd4d8b6d660c7b9724e37849a07ed68aea1c31b94a4a9045029402091b", "hash": "5258cbdb0f2849d5e395fe5800b981a2f1d37bade74c3799e192d17a1e7c6cf9"}
|
| 169 |
+
{"timestamp": 1756956423.929721, "tokens_seen": 171008, "data_bpt": 2.2799, "param_bpt": 0.0204, "S": 0.0089, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0328, "prev_hash": "5258cbdb0f2849d5e395fe5800b981a2f1d37bade74c3799e192d17a1e7c6cf9", "hash": "f0471000ad86eca75f4eb8ec0cd5de01f2d78c0660fad743fa4be6d918c9aa5b"}
|
| 170 |
+
{"timestamp": 1756956424.756825, "tokens_seen": 172032, "data_bpt": 2.2989, "param_bpt": 0.0205, "S": 0.0088, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0327, "prev_hash": "f0471000ad86eca75f4eb8ec0cd5de01f2d78c0660fad743fa4be6d918c9aa5b", "hash": "e10cfce7351c9698a32c8a1b79784915281c8a9d8e18ef1f8891cfd8444fe9e2"}
|
| 171 |
+
{"timestamp": 1756956425.58635, "tokens_seen": 173056, "data_bpt": 2.3231, "param_bpt": 0.0206, "S": 0.0088, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0325, "prev_hash": "e10cfce7351c9698a32c8a1b79784915281c8a9d8e18ef1f8891cfd8444fe9e2", "hash": "e1d1a3b80dfe0036361c88dc2d23ec2383877d6d16e74d5e6c3e8c2eeb99463b"}
|
| 172 |
+
{"timestamp": 1756956426.411602, "tokens_seen": 174080, "data_bpt": 2.3708, "param_bpt": 0.0207, "S": 0.0087, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0323, "prev_hash": "e1d1a3b80dfe0036361c88dc2d23ec2383877d6d16e74d5e6c3e8c2eeb99463b", "hash": "7dd775c9befee4f564dc9049cbbf7bb7042cb45f4a75db091279c44ebf7a5754"}
|
| 173 |
+
{"timestamp": 1756956427.233711, "tokens_seen": 175104, "data_bpt": 2.3791, "param_bpt": 0.0209, "S": 0.0087, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0322, "prev_hash": "7dd775c9befee4f564dc9049cbbf7bb7042cb45f4a75db091279c44ebf7a5754", "hash": "b20015e89f24f381d61435e7db3feddaa64606e519df10ddfc0a77b3dfef0773"}
|
| 174 |
+
{"timestamp": 1756956428.054432, "tokens_seen": 176128, "data_bpt": 2.3579, "param_bpt": 0.021, "S": 0.0088, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.032, "prev_hash": "b20015e89f24f381d61435e7db3feddaa64606e519df10ddfc0a77b3dfef0773", "hash": "0737f39d2ba8b087c20da353f49927255b8a95bb20c1b6bbd728e6ed97a36b52"}
|
| 175 |
+
{"timestamp": 1756956428.881978, "tokens_seen": 177152, "data_bpt": 2.3621, "param_bpt": 0.0211, "S": 0.0089, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0318, "prev_hash": "0737f39d2ba8b087c20da353f49927255b8a95bb20c1b6bbd728e6ed97a36b52", "hash": "922e61767caf7ad8247418f826d59d61d35b60d6e6389bcb71b6595081a3e9aa"}
|
| 176 |
+
{"timestamp": 1756956429.7097752, "tokens_seen": 178176, "data_bpt": 2.3417, "param_bpt": 0.0212, "S": 0.009, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0317, "prev_hash": "922e61767caf7ad8247418f826d59d61d35b60d6e6389bcb71b6595081a3e9aa", "hash": "5ec6d98ce82260aa6489e472d95100706c6a8e71b593b68129feee33ee8d0985"}
|
| 177 |
+
{"timestamp": 1756956430.533824, "tokens_seen": 179200, "data_bpt": 2.3417, "param_bpt": 0.0214, "S": 0.009, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0315, "prev_hash": "5ec6d98ce82260aa6489e472d95100706c6a8e71b593b68129feee33ee8d0985", "hash": "7c5b0876c05f00bd321ab072f74b81409a2a870836491eac35e1989a0b08bb04"}
|
| 178 |
+
{"timestamp": 1756956431.354482, "tokens_seen": 180224, "data_bpt": 2.4, "param_bpt": 0.0215, "S": 0.0089, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0314, "prev_hash": "7c5b0876c05f00bd321ab072f74b81409a2a870836491eac35e1989a0b08bb04", "hash": "43062dc54915c25669b94917735d86ccd5e1435216b1d57c5f312d49bc91a100"}
|
| 179 |
+
{"timestamp": 1756956432.188967, "tokens_seen": 181248, "data_bpt": 2.4264, "param_bpt": 0.0216, "S": 0.0088, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0312, "prev_hash": "43062dc54915c25669b94917735d86ccd5e1435216b1d57c5f312d49bc91a100", "hash": "151eb55455ed6cacac39f33b0afa25ec6d41576fe7678486ab37ab64414418ca"}
|
| 180 |
+
{"timestamp": 1756956433.017283, "tokens_seen": 182272, "data_bpt": 2.4127, "param_bpt": 0.0217, "S": 0.0089, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0311, "prev_hash": "151eb55455ed6cacac39f33b0afa25ec6d41576fe7678486ab37ab64414418ca", "hash": "73400d2d21abc45dc0749915a29af10f37bd92d66615b1727fbf87b9b4b37c69"}
|
| 181 |
+
{"timestamp": 1756956433.8522398, "tokens_seen": 183296, "data_bpt": 2.4117, "param_bpt": 0.0219, "S": 0.009, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0309, "prev_hash": "73400d2d21abc45dc0749915a29af10f37bd92d66615b1727fbf87b9b4b37c69", "hash": "5430e88f2770035f3b577446f271c5483be2becf2c0ec2ec9245159844283ca4"}
|
| 182 |
+
{"timestamp": 1756956434.6764748, "tokens_seen": 184320, "data_bpt": 2.3789, "param_bpt": 0.022, "S": 0.0092, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0308, "prev_hash": "5430e88f2770035f3b577446f271c5483be2becf2c0ec2ec9245159844283ca4", "hash": "2eeaf809252fc126079df4be43a55433636f0600eda4617a44db701579c5201c"}
|
| 183 |
+
{"timestamp": 1756956435.49683, "tokens_seen": 185344, "data_bpt": 2.4283, "param_bpt": 0.0221, "S": 0.009, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0306, "prev_hash": "2eeaf809252fc126079df4be43a55433636f0600eda4617a44db701579c5201c", "hash": "d8efc3e00a2e6a6980c6ca63b03dbceb51b9ce3d922c892038cc3c66db9dabe0"}
|
| 184 |
+
{"timestamp": 1756956436.320928, "tokens_seen": 186368, "data_bpt": 2.3916, "param_bpt": 0.0223, "S": 0.0092, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0304, "prev_hash": "d8efc3e00a2e6a6980c6ca63b03dbceb51b9ce3d922c892038cc3c66db9dabe0", "hash": "06cfef49a398bc540ed9de0fae75fd1368d6d8607a903a7ff660765566d82124"}
|
| 185 |
+
{"timestamp": 1756956437.1424482, "tokens_seen": 187392, "data_bpt": 2.3675, "param_bpt": 0.0224, "S": 0.0094, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0303, "prev_hash": "06cfef49a398bc540ed9de0fae75fd1368d6d8607a903a7ff660765566d82124", "hash": "16bd5cf6d57f39e25fc8d8c3a7c88823dde8e809eac7e81b2224fc4f41ef5f2a"}
|
| 186 |
+
{"timestamp": 1756956437.963308, "tokens_seen": 188416, "data_bpt": 2.3372, "param_bpt": 0.0225, "S": 0.0095, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0301, "prev_hash": "16bd5cf6d57f39e25fc8d8c3a7c88823dde8e809eac7e81b2224fc4f41ef5f2a", "hash": "02aa76c4beba4dd135f0845b0554d2e0055ac871b9ad223d82b0e44a5b3481ec"}
|
| 187 |
+
{"timestamp": 1756956438.7859998, "tokens_seen": 189440, "data_bpt": 2.3845, "param_bpt": 0.0226, "S": 0.0094, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.03, "prev_hash": "02aa76c4beba4dd135f0845b0554d2e0055ac871b9ad223d82b0e44a5b3481ec", "hash": "00369c81491887be0ea87ebb2e53ad6fc92761629bae3b9de6001bb3b8614f5b"}
|
| 188 |
+
{"timestamp": 1756956439.6185951, "tokens_seen": 190464, "data_bpt": 2.326, "param_bpt": 0.0228, "S": 0.0097, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0298, "prev_hash": "00369c81491887be0ea87ebb2e53ad6fc92761629bae3b9de6001bb3b8614f5b", "hash": "f525b038757fd124a0b7f982c625c72f02625e0ea332e0a8ad8a6e30a8c6e9b9"}
|
| 189 |
+
{"timestamp": 1756956440.443294, "tokens_seen": 191488, "data_bpt": 2.3775, "param_bpt": 0.0229, "S": 0.0095, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0297, "prev_hash": "f525b038757fd124a0b7f982c625c72f02625e0ea332e0a8ad8a6e30a8c6e9b9", "hash": "a2d9ab7dcc884ea6c5d3f8697d89482c049a8ac3debfe9791fe81f8bd18c6787"}
|
| 190 |
+
{"timestamp": 1756956441.27262, "tokens_seen": 192512, "data_bpt": 2.3954, "param_bpt": 0.023, "S": 0.0095, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0295, "prev_hash": "a2d9ab7dcc884ea6c5d3f8697d89482c049a8ac3debfe9791fe81f8bd18c6787", "hash": "fd075dd811f2f62fb8cee2b998a62551e91787a4c3689fb4807844dc2cadaeae"}
|
| 191 |
+
{"timestamp": 1756956442.103271, "tokens_seen": 193536, "data_bpt": 2.3821, "param_bpt": 0.0232, "S": 0.0096, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0294, "prev_hash": "fd075dd811f2f62fb8cee2b998a62551e91787a4c3689fb4807844dc2cadaeae", "hash": "a98e0f2f8c112b501cc8792f065c96cf6cfaa55c2b762e0ab1cf9cca9103a324"}
|
| 192 |
+
{"timestamp": 1756956442.9378371, "tokens_seen": 194560, "data_bpt": 2.3368, "param_bpt": 0.0233, "S": 0.0099, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0292, "prev_hash": "a98e0f2f8c112b501cc8792f065c96cf6cfaa55c2b762e0ab1cf9cca9103a324", "hash": "fb0d7328ec00e225384f6cde5291b1ef3aa8124678011f0f5f201aef67e85851"}
|
| 193 |
+
{"timestamp": 1756956443.760458, "tokens_seen": 195584, "data_bpt": 2.3686, "param_bpt": 0.0234, "S": 0.0098, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0291, "prev_hash": "fb0d7328ec00e225384f6cde5291b1ef3aa8124678011f0f5f201aef67e85851", "hash": "5fd8d7ba0285119ab6c5f306919ff671cf77f015035ade4c39bb7f13e5528f8a"}
|
| 194 |
+
{"timestamp": 1756956444.590699, "tokens_seen": 196608, "data_bpt": 2.3993, "param_bpt": 0.0236, "S": 0.0097, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.029, "prev_hash": "5fd8d7ba0285119ab6c5f306919ff671cf77f015035ade4c39bb7f13e5528f8a", "hash": "2f6faa62b9bae290fb5c20a8a1f0ba6cb43c325564765ff6c9ab0b382d49ecf2"}
|
| 195 |
+
{"timestamp": 1756956445.4213471, "tokens_seen": 197632, "data_bpt": 2.3998, "param_bpt": 0.0237, "S": 0.0098, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0288, "prev_hash": "2f6faa62b9bae290fb5c20a8a1f0ba6cb43c325564765ff6c9ab0b382d49ecf2", "hash": "096209fbe5c5c739c71b33d1c52914e16adc19d5ee53e824d09eb763e7667c87"}
|
| 196 |
+
{"timestamp": 1756956446.2431328, "tokens_seen": 198656, "data_bpt": 2.4013, "param_bpt": 0.0238, "S": 0.0098, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0287, "prev_hash": "096209fbe5c5c739c71b33d1c52914e16adc19d5ee53e824d09eb763e7667c87", "hash": "48a2e27d9df1e2c11ca221a7b4df7aebc75a1f6c95e43b62dcb5a15207c6f437"}
|
| 197 |
+
{"timestamp": 1756956447.065978, "tokens_seen": 199680, "data_bpt": 2.3791, "param_bpt": 0.024, "S": 0.01, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0285, "prev_hash": "48a2e27d9df1e2c11ca221a7b4df7aebc75a1f6c95e43b62dcb5a15207c6f437", "hash": "5d26da9c22f048527b418c5a56ac96d78d974f69b9f9ce87f0fe8a74d0cf8297"}
|
| 198 |
+
{"timestamp": 1756956447.893882, "tokens_seen": 200704, "data_bpt": 2.3241, "param_bpt": 0.0241, "S": 0.0103, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0284, "prev_hash": "5d26da9c22f048527b418c5a56ac96d78d974f69b9f9ce87f0fe8a74d0cf8297", "hash": "4c2d860d0f444ba3b4d34260771216575bfb31ef4a44cbd31321dfbeeb88ffde"}
|
| 199 |
+
{"timestamp": 1756956448.716118, "tokens_seen": 201728, "data_bpt": 2.3952, "param_bpt": 0.0242, "S": 0.01, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0282, "prev_hash": "4c2d860d0f444ba3b4d34260771216575bfb31ef4a44cbd31321dfbeeb88ffde", "hash": "f28a95d429e1ff53e509080ce6da5c50addb778465e71dea276115ede2f8b405"}
|
| 200 |
+
{"timestamp": 1756956449.536462, "tokens_seen": 202752, "data_bpt": 2.3538, "param_bpt": 0.0244, "S": 0.0102, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0281, "prev_hash": "f28a95d429e1ff53e509080ce6da5c50addb778465e71dea276115ede2f8b405", "hash": "43a73e2ccf1d96dcd726096d6773605700c666b2a90d5ab03d73837157e1bc7e"}
|
| 201 |
+
{"timestamp": 1756956450.360089, "tokens_seen": 203776, "data_bpt": 2.3624, "param_bpt": 0.0245, "S": 0.0103, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.028, "prev_hash": "43a73e2ccf1d96dcd726096d6773605700c666b2a90d5ab03d73837157e1bc7e", "hash": "2e7b4e99e4050146db1db0ee60a09cebd418bc8b38fca36daadf4813e87358d2"}
|
| 202 |
+
{"timestamp": 1756956451.183894, "tokens_seen": 204800, "data_bpt": 2.3879, "param_bpt": 0.0246, "S": 0.0102, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0278, "prev_hash": "2e7b4e99e4050146db1db0ee60a09cebd418bc8b38fca36daadf4813e87358d2", "hash": "d25e737360407cdb94a5258fa5d16d9e112d09f39809daa0b5beabe3111aac95"}
|
| 203 |
+
{"timestamp": 1756956452.005242, "tokens_seen": 205824, "data_bpt": 2.3134, "param_bpt": 0.0247, "S": 0.0106, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0277, "prev_hash": "d25e737360407cdb94a5258fa5d16d9e112d09f39809daa0b5beabe3111aac95", "hash": "3be0dd9b01ee737a282d48975a39f604f879a84a44524aa3545930ef20c8aee2"}
|
| 204 |
+
{"timestamp": 1756956452.827894, "tokens_seen": 206848, "data_bpt": 2.2491, "param_bpt": 0.0249, "S": 0.0109, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0275, "prev_hash": "3be0dd9b01ee737a282d48975a39f604f879a84a44524aa3545930ef20c8aee2", "hash": "7e8846f5ecf02c8bb6d8bc9ca3bb1cc2721672075125c8d1fecd663504248718"}
|
| 205 |
+
{"timestamp": 1756956453.647039, "tokens_seen": 207872, "data_bpt": 2.2653, "param_bpt": 0.025, "S": 0.0109, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0274, "prev_hash": "7e8846f5ecf02c8bb6d8bc9ca3bb1cc2721672075125c8d1fecd663504248718", "hash": "21ccf2d3f180f1d8cb1cfbd098ce9fd62b882cecdca818f0a7561e3e3359959e"}
|
| 206 |
+
{"timestamp": 1756956454.465771, "tokens_seen": 208896, "data_bpt": 2.2913, "param_bpt": 0.0251, "S": 0.0109, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0273, "prev_hash": "21ccf2d3f180f1d8cb1cfbd098ce9fd62b882cecdca818f0a7561e3e3359959e", "hash": "e33315119b6c8dbea85446df6b706f75909d980097a70a1bce5eb6bdce253c32"}
|
| 207 |
+
{"timestamp": 1756956455.2824168, "tokens_seen": 209920, "data_bpt": 2.2729, "param_bpt": 0.0253, "S": 0.011, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0271, "prev_hash": "e33315119b6c8dbea85446df6b706f75909d980097a70a1bce5eb6bdce253c32", "hash": "141de8db5cdebf00c28f3253f316619b639cdb0d1e2919897cc564d7595bf388"}
|
| 208 |
+
{"timestamp": 1756956456.099623, "tokens_seen": 210944, "data_bpt": 2.3082, "param_bpt": 0.0254, "S": 0.0109, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.027, "prev_hash": "141de8db5cdebf00c28f3253f316619b639cdb0d1e2919897cc564d7595bf388", "hash": "4468741ae0639324b164a3491d1c784f1f2a8ca6d226fc5f8c6e1bf1d6d82bbd"}
|
| 209 |
+
{"timestamp": 1756956456.9273129, "tokens_seen": 211968, "data_bpt": 2.2755, "param_bpt": 0.0255, "S": 0.0111, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0269, "prev_hash": "4468741ae0639324b164a3491d1c784f1f2a8ca6d226fc5f8c6e1bf1d6d82bbd", "hash": "f9a9b34bb2b04e63193d9c0ad1ec2df640dd818bb1859a67d26d75cdb814fcdb"}
|
| 210 |
+
{"timestamp": 1756956457.7458198, "tokens_seen": 212992, "data_bpt": 2.2692, "param_bpt": 0.0257, "S": 0.0112, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0267, "prev_hash": "f9a9b34bb2b04e63193d9c0ad1ec2df640dd818bb1859a67d26d75cdb814fcdb", "hash": "49fa90a963177e7ba437c16f60959ac8a3f402fb318a6631b26b75340345d1dd"}
|
| 211 |
+
{"timestamp": 1756956458.567866, "tokens_seen": 214016, "data_bpt": 2.2735, "param_bpt": 0.0258, "S": 0.0112, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0266, "prev_hash": "49fa90a963177e7ba437c16f60959ac8a3f402fb318a6631b26b75340345d1dd", "hash": "78a3dc6ec537f71cbff9ee10d26055a7b678951bf39b10d7cba8fa0b87364693"}
|
| 212 |
+
{"timestamp": 1756956459.392042, "tokens_seen": 215040, "data_bpt": 2.2711, "param_bpt": 0.0259, "S": 0.0113, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0265, "prev_hash": "78a3dc6ec537f71cbff9ee10d26055a7b678951bf39b10d7cba8fa0b87364693", "hash": "20f05d59e1f59c79a54f64cf66ffed66099a3d284a20b73c1b0ed7ae3244a3bc"}
|
| 213 |
+
{"timestamp": 1756956460.21789, "tokens_seen": 216064, "data_bpt": 2.2802, "param_bpt": 0.0261, "S": 0.0113, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0263, "prev_hash": "20f05d59e1f59c79a54f64cf66ffed66099a3d284a20b73c1b0ed7ae3244a3bc", "hash": "4aba11aa281e8b3d4f42c0cb686402e03ac3ea30162618b25ba7863fd6ddc4df"}
|
| 214 |
+
{"timestamp": 1756956461.041685, "tokens_seen": 217088, "data_bpt": 2.3043, "param_bpt": 0.0262, "S": 0.0112, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0262, "prev_hash": "4aba11aa281e8b3d4f42c0cb686402e03ac3ea30162618b25ba7863fd6ddc4df", "hash": "fd342fc7ee371f9f23610499cd14dec0b6bdf8ffa6ed772fd8b8e6c9292b43b9"}
|
| 215 |
+
{"timestamp": 1756956461.863123, "tokens_seen": 218112, "data_bpt": 2.3015, "param_bpt": 0.0263, "S": 0.0113, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0261, "prev_hash": "fd342fc7ee371f9f23610499cd14dec0b6bdf8ffa6ed772fd8b8e6c9292b43b9", "hash": "16318304ca92afd4fe268c21621f0a999e20ed580fdf909347ba1740d7bfded6"}
|
| 216 |
+
{"timestamp": 1756956462.6918669, "tokens_seen": 219136, "data_bpt": 2.2914, "param_bpt": 0.0265, "S": 0.0114, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0259, "prev_hash": "16318304ca92afd4fe268c21621f0a999e20ed580fdf909347ba1740d7bfded6", "hash": "45f25909861555672cbefe3006cccbc95b20a6f708b0150232f75869a7a85088"}
|
| 217 |
+
{"timestamp": 1756956463.519906, "tokens_seen": 220160, "data_bpt": 2.236, "param_bpt": 0.0266, "S": 0.0117, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0258, "prev_hash": "45f25909861555672cbefe3006cccbc95b20a6f708b0150232f75869a7a85088", "hash": "f67e6e27dc103f2727441e9c869c51732287bb325344a4d8b17d0562bbb96fe1"}
|
| 218 |
+
{"timestamp": 1756956464.344079, "tokens_seen": 221184, "data_bpt": 2.2053, "param_bpt": 0.0267, "S": 0.012, "lambda": 0.034832, "log_lambda": -3.3572, "integral": -0.0257, "prev_hash": "f67e6e27dc103f2727441e9c869c51732287bb325344a4d8b17d0562bbb96fe1", "hash": "c35edf93ad6cffdaa875d91415c573bc0b07a0e3e492a650921ae02fee8b0224"}
|
| 219 |
+
{"timestamp": 1756956465.170043, "tokens_seen": 222208, "data_bpt": 2.2077, "param_bpt": 0.0269, "S": 0.012, "lambda": 0.03559, "log_lambda": -3.3357, "integral": -0.0245, "prev_hash": "c35edf93ad6cffdaa875d91415c573bc0b07a0e3e492a650921ae02fee8b0224", "hash": "7c7fec16302fe2ceac53fc4457ca037a35889c080775223e0e677fb7fdd08a2b"}
|
| 220 |
+
{"timestamp": 1756956465.990539, "tokens_seen": 223232, "data_bpt": 2.2156, "param_bpt": 0.027, "S": 0.012, "lambda": 0.036321, "log_lambda": -3.3153, "integral": -0.0234, "prev_hash": "7c7fec16302fe2ceac53fc4457ca037a35889c080775223e0e677fb7fdd08a2b", "hash": "11dc76bcb574d396fa17fa9698d03522aee3ace208a464c8c4bf8d9cd6eb5cae"}
|
| 221 |
+
{"timestamp": 1756956466.8121579, "tokens_seen": 224256, "data_bpt": 2.2077, "param_bpt": 0.0271, "S": 0.0121, "lambda": 0.037018, "log_lambda": -3.2963, "integral": -0.0222, "prev_hash": "11dc76bcb574d396fa17fa9698d03522aee3ace208a464c8c4bf8d9cd6eb5cae", "hash": "e7502cd5173dabb6f129d584b98d23db291353c93e438d537f8969d686697639"}
|
| 222 |
+
{"timestamp": 1756956467.642664, "tokens_seen": 225280, "data_bpt": 2.2437, "param_bpt": 0.0273, "S": 0.012, "lambda": 0.037695, "log_lambda": -3.2782, "integral": -0.0211, "prev_hash": "e7502cd5173dabb6f129d584b98d23db291353c93e438d537f8969d686697639", "hash": "05a5d12d15ecb9829eddc96e205ba7f3820f3d72c69e8b953e0dc15f5ecd747d"}
|
| 223 |
+
{"timestamp": 1756956468.4723892, "tokens_seen": 226304, "data_bpt": 2.2561, "param_bpt": 0.0274, "S": 0.012, "lambda": 0.037695, "log_lambda": -3.2782, "integral": -0.021, "prev_hash": "05a5d12d15ecb9829eddc96e205ba7f3820f3d72c69e8b953e0dc15f5ecd747d", "hash": "faca879a0ff9f351028890f38a5366b3a7bb74386ee7af39c8cc3d59e6cf1171"}
|
| 224 |
+
{"timestamp": 1756956469.296201, "tokens_seen": 227328, "data_bpt": 2.2371, "param_bpt": 0.0275, "S": 0.0122, "lambda": 0.038325, "log_lambda": -3.2617, "integral": -0.0198, "prev_hash": "faca879a0ff9f351028890f38a5366b3a7bb74386ee7af39c8cc3d59e6cf1171", "hash": "47006d6c79817553083ae24222965fd39d1c0f59bf67b9b86d20c59d9b42ca58"}
|
| 225 |
+
{"timestamp": 1756956470.117378, "tokens_seen": 228352, "data_bpt": 2.2245, "param_bpt": 0.0277, "S": 0.0123, "lambda": 0.03891, "log_lambda": -3.2465, "integral": -0.0186, "prev_hash": "47006d6c79817553083ae24222965fd39d1c0f59bf67b9b86d20c59d9b42ca58", "hash": "1743439c66e85d14c3fd8257cc1c4eefdb917eb9469fc356ea76ff0a0ef7f063"}
|
| 226 |
+
{"timestamp": 1756956470.950403, "tokens_seen": 229376, "data_bpt": 2.2704, "param_bpt": 0.0278, "S": 0.0121, "lambda": 0.03947, "log_lambda": -3.2322, "integral": -0.0174, "prev_hash": "1743439c66e85d14c3fd8257cc1c4eefdb917eb9469fc356ea76ff0a0ef7f063", "hash": "618a7472f46f73e351b244249b1f3b8582f465d7e11f539e570c648df707b17f"}
|
| 227 |
+
{"timestamp": 1756956471.7703779, "tokens_seen": 230400, "data_bpt": 2.3504, "param_bpt": 0.0279, "S": 0.0117, "lambda": 0.03947, "log_lambda": -3.2322, "integral": -0.0173, "prev_hash": "618a7472f46f73e351b244249b1f3b8582f465d7e11f539e570c648df707b17f", "hash": "9a5a09f09c5320721cb092e4e6f5e5d499e9de855d235e049ee064cbd4b76d1c"}
|
| 228 |
+
{"timestamp": 1756956472.607548, "tokens_seen": 231424, "data_bpt": 2.3354, "param_bpt": 0.0281, "S": 0.0119, "lambda": 0.03947, "log_lambda": -3.2322, "integral": -0.0173, "prev_hash": "9a5a09f09c5320721cb092e4e6f5e5d499e9de855d235e049ee064cbd4b76d1c", "hash": "ddb0d1b299b13b50fe7a5dbcefa02b9f0ab9abcd0f41173480e7dc74056b7780"}
|
| 229 |
+
{"timestamp": 1756956473.438091, "tokens_seen": 232448, "data_bpt": 2.3149, "param_bpt": 0.0282, "S": 0.012, "lambda": 0.039991, "log_lambda": -3.2191, "integral": -0.0162, "prev_hash": "ddb0d1b299b13b50fe7a5dbcefa02b9f0ab9abcd0f41173480e7dc74056b7780", "hash": "5a18d01b7a6864afbb0543b335cce4be3c6d09290e3098b43d66af7486e605f1"}
|
| 230 |
+
{"timestamp": 1756956474.2607481, "tokens_seen": 233472, "data_bpt": 2.3236, "param_bpt": 0.0283, "S": 0.012, "lambda": 0.040473, "log_lambda": -3.2071, "integral": -0.0151, "prev_hash": "5a18d01b7a6864afbb0543b335cce4be3c6d09290e3098b43d66af7486e605f1", "hash": "9e211ba97a95e92569b40eed5746f79dbde002888f5db38644c0fef17c702464"}
|
| 231 |
+
{"timestamp": 1756956475.083436, "tokens_seen": 234496, "data_bpt": 2.3765, "param_bpt": 0.0285, "S": 0.0118, "lambda": 0.040473, "log_lambda": -3.2071, "integral": -0.015, "prev_hash": "9e211ba97a95e92569b40eed5746f79dbde002888f5db38644c0fef17c702464", "hash": "8efdb667f7e6b076df756e45b11b10b1e85845bee0963c205d07ba5f54eac4b6"}
|
| 232 |
+
{"timestamp": 1756956475.903701, "tokens_seen": 235520, "data_bpt": 2.3674, "param_bpt": 0.0286, "S": 0.0119, "lambda": 0.040473, "log_lambda": -3.2071, "integral": -0.0149, "prev_hash": "8efdb667f7e6b076df756e45b11b10b1e85845bee0963c205d07ba5f54eac4b6", "hash": "2219fc88bc26741948241d0bb585a1b645eb425b037f519ce04f96d560f07656"}
|
| 233 |
+
{"timestamp": 1756956476.726457, "tokens_seen": 236544, "data_bpt": 2.3712, "param_bpt": 0.0287, "S": 0.012, "lambda": 0.040473, "log_lambda": -3.2071, "integral": -0.0148, "prev_hash": "2219fc88bc26741948241d0bb585a1b645eb425b037f519ce04f96d560f07656", "hash": "dd56dda4e0103d66248c21b626d26015af67ae2235e491d4f49c4cd3b82f441a"}
|
| 234 |
+
{"timestamp": 1756956477.549259, "tokens_seen": 237568, "data_bpt": 2.3709, "param_bpt": 0.0289, "S": 0.012, "lambda": 0.040908, "log_lambda": -3.1964, "integral": -0.0137, "prev_hash": "dd56dda4e0103d66248c21b626d26015af67ae2235e491d4f49c4cd3b82f441a", "hash": "023bbeb5fc229567b5857f6a97fbf0b3c932fc1d49a988e3fd8b688505c06c5e"}
|
| 235 |
+
{"timestamp": 1756956478.3745222, "tokens_seen": 238592, "data_bpt": 2.3657, "param_bpt": 0.029, "S": 0.0121, "lambda": 0.041297, "log_lambda": -3.187, "integral": -0.0126, "prev_hash": "023bbeb5fc229567b5857f6a97fbf0b3c932fc1d49a988e3fd8b688505c06c5e", "hash": "c66ff78c7bcae4cce3e41b9f1b8b64d66dca51980bfba0132d172fa3cbb0bb46"}
|
| 236 |
+
{"timestamp": 1756956479.202529, "tokens_seen": 239616, "data_bpt": 2.3701, "param_bpt": 0.0291, "S": 0.0121, "lambda": 0.041639, "log_lambda": -3.1787, "integral": -0.0115, "prev_hash": "c66ff78c7bcae4cce3e41b9f1b8b64d66dca51980bfba0132d172fa3cbb0bb46", "hash": "be883c325cb08397c9e474445d9248b9d51ae11ec0c125478ee2e572f83528c6"}
|
| 237 |
+
{"timestamp": 1756956480.035531, "tokens_seen": 240640, "data_bpt": 2.4121, "param_bpt": 0.0293, "S": 0.012, "lambda": 0.041639, "log_lambda": -3.1787, "integral": -0.0114, "prev_hash": "be883c325cb08397c9e474445d9248b9d51ae11ec0c125478ee2e572f83528c6", "hash": "1cdbb02dc47c0d693dd5c66180a6d459173015a24f0d7d18e0beed802c362579"}
|
| 238 |
+
{"timestamp": 1756956480.8633559, "tokens_seen": 241664, "data_bpt": 2.4208, "param_bpt": 0.0294, "S": 0.012, "lambda": 0.041946, "log_lambda": -3.1714, "integral": -0.0104, "prev_hash": "1cdbb02dc47c0d693dd5c66180a6d459173015a24f0d7d18e0beed802c362579", "hash": "11b6ca9423bf380df993d8a28306a9096ead6c4af9982b190a06b01f9e1c22ac"}
|
| 239 |
+
{"timestamp": 1756956481.693032, "tokens_seen": 242688, "data_bpt": 2.4432, "param_bpt": 0.0296, "S": 0.012, "lambda": 0.041946, "log_lambda": -3.1714, "integral": -0.0103, "prev_hash": "11b6ca9423bf380df993d8a28306a9096ead6c4af9982b190a06b01f9e1c22ac", "hash": "c2f5414ea6d56fdd7bfdbfbfcb584d34662d47da1d9103143e230121ed62764c"}
|
| 240 |
+
{"timestamp": 1756956482.524983, "tokens_seen": 243712, "data_bpt": 2.4946, "param_bpt": 0.0297, "S": 0.0118, "lambda": 0.041946, "log_lambda": -3.1714, "integral": -0.0103, "prev_hash": "c2f5414ea6d56fdd7bfdbfbfcb584d34662d47da1d9103143e230121ed62764c", "hash": "a25a7b18b270827f82a0541f34edc7e1ec1696bbc71c82e950783e9e8a3d41d9"}
|
| 241 |
+
{"timestamp": 1756956483.359647, "tokens_seen": 244736, "data_bpt": 2.4614, "param_bpt": 0.0298, "S": 0.012, "lambda": 0.041946, "log_lambda": -3.1714, "integral": -0.0102, "prev_hash": "a25a7b18b270827f82a0541f34edc7e1ec1696bbc71c82e950783e9e8a3d41d9", "hash": "72de4daf8df0993ffe69c7a6750ea192386980373fa12b7f52252b7a98da320a"}
|
| 242 |
+
{"timestamp": 1756956484.1815, "tokens_seen": 245760, "data_bpt": 2.4579, "param_bpt": 0.03, "S": 0.0121, "lambda": 0.0422, "log_lambda": -3.1653, "integral": -0.0091, "prev_hash": "72de4daf8df0993ffe69c7a6750ea192386980373fa12b7f52252b7a98da320a", "hash": "fe2b3de6c7bea41b48c346d305e2772d898f0098899f2906203c551d428ddd6e"}
|
| 243 |
+
{"timestamp": 1756956485.003341, "tokens_seen": 246784, "data_bpt": 2.4416, "param_bpt": 0.0301, "S": 0.0122, "lambda": 0.042399, "log_lambda": -3.1606, "integral": -0.008, "prev_hash": "fe2b3de6c7bea41b48c346d305e2772d898f0098899f2906203c551d428ddd6e", "hash": "28f94391aa2b932a6ee770abe18dea73afe4884b4a0b3801bd63b0a76e219cb5"}
|
| 244 |
+
{"timestamp": 1756956485.833173, "tokens_seen": 247808, "data_bpt": 2.4613, "param_bpt": 0.0303, "S": 0.0122, "lambda": 0.042554, "log_lambda": -3.157, "integral": -0.0069, "prev_hash": "28f94391aa2b932a6ee770abe18dea73afe4884b4a0b3801bd63b0a76e219cb5", "hash": "96275ab91de1e4095114d390b5c5cf3fbe99d42d6800a8486fa680e2a88aa0c3"}
|
| 245 |
+
{"timestamp": 1756956486.664741, "tokens_seen": 248832, "data_bpt": 2.4839, "param_bpt": 0.0304, "S": 0.0121, "lambda": 0.042667, "log_lambda": -3.1543, "integral": -0.0058, "prev_hash": "96275ab91de1e4095114d390b5c5cf3fbe99d42d6800a8486fa680e2a88aa0c3", "hash": "270e7ed4e2ecfb0d6e8e4080ea12db1b60e5264ad5b321a1c3f3be329ec6170c"}
|
| 246 |
+
{"timestamp": 1756956487.486196, "tokens_seen": 249856, "data_bpt": 2.4562, "param_bpt": 0.0306, "S": 0.0123, "lambda": 0.042717, "log_lambda": -3.1532, "integral": -0.0046, "prev_hash": "270e7ed4e2ecfb0d6e8e4080ea12db1b60e5264ad5b321a1c3f3be329ec6170c", "hash": "1573e32c655a81cfab90aae2ebe5e79e41bc30be640126dceaaf4783bc87fbf2"}
|
| 247 |
+
{"timestamp": 1756956488.311148, "tokens_seen": 250880, "data_bpt": 2.4519, "param_bpt": 0.0307, "S": 0.0124, "lambda": 0.046989, "log_lambda": -3.0579, "integral": -0.0034, "prev_hash": "1573e32c655a81cfab90aae2ebe5e79e41bc30be640126dceaaf4783bc87fbf2", "hash": "b2e78c81996cf3adaed9da818d6721b7d94d097a71b753a80b90f35a3953019b"}
|
| 248 |
+
{"timestamp": 1756956489.1325, "tokens_seen": 251904, "data_bpt": 2.4399, "param_bpt": 0.0309, "S": 0.0125, "lambda": 0.051687, "log_lambda": -2.9625, "integral": -0.0021, "prev_hash": "b2e78c81996cf3adaed9da818d6721b7d94d097a71b753a80b90f35a3953019b", "hash": "e55693347c1a0cdf32db38da49ae345885b3963c75b49d3fbc4d11bff5cc47aa"}
|
| 249 |
+
{"timestamp": 1756956489.952559, "tokens_seen": 252928, "data_bpt": 2.384, "param_bpt": 0.031, "S": 0.0128, "lambda": 0.056856, "log_lambda": -2.8672, "integral": -0.0007, "prev_hash": "e55693347c1a0cdf32db38da49ae345885b3963c75b49d3fbc4d11bff5cc47aa", "hash": "d9a4e38a0d18336b58e57a45b807b86be5f174f518883daabf2cc91435cc5002"}
|
| 250 |
+
{"timestamp": 1756956490.7754261, "tokens_seen": 253952, "data_bpt": 2.376, "param_bpt": 0.0311, "S": 0.0129, "lambda": 0.062542, "log_lambda": -2.7719, "integral": 0.0008, "prev_hash": "d9a4e38a0d18336b58e57a45b807b86be5f174f518883daabf2cc91435cc5002", "hash": "44c7664c37c983339daddeb594b28cab19eb6ed156be0c0b277329d44a750a69"}
|
| 251 |
+
{"timestamp": 1756956491.6088011, "tokens_seen": 254976, "data_bpt": 2.2044, "param_bpt": 0.0313, "S": 0.014, "lambda": 0.068796, "log_lambda": -2.6766, "integral": 0.0027, "prev_hash": "44c7664c37c983339daddeb594b28cab19eb6ed156be0c0b277329d44a750a69", "hash": "f5d83cade49813e5357d8d60b64aa6948d323d24e1bf96a01be29dfd1b67397c"}
|
| 252 |
+
{"timestamp": 1756956492.430104, "tokens_seen": 256000, "data_bpt": 2.2129, "param_bpt": 0.0314, "S": 0.014, "lambda": 0.075675, "log_lambda": -2.5813, "integral": 0.0047, "prev_hash": "f5d83cade49813e5357d8d60b64aa6948d323d24e1bf96a01be29dfd1b67397c", "hash": "b9483f33faeda5bc0216d3be00249603b290e0715628af302d5363aec5780102"}
|
| 253 |
+
{"timestamp": 1756956493.263284, "tokens_seen": 257024, "data_bpt": 2.2004, "param_bpt": 0.0316, "S": 0.0141, "lambda": 0.083243, "log_lambda": -2.486, "integral": 0.0068, "prev_hash": "b9483f33faeda5bc0216d3be00249603b290e0715628af302d5363aec5780102", "hash": "105d72ff658b92ffdcb92c7895eb672407dee3f2b69b6d3f31a4c49b550cd7b3"}
|
| 254 |
+
{"timestamp": 1756956494.086932, "tokens_seen": 258048, "data_bpt": 2.1967, "param_bpt": 0.0317, "S": 0.0142, "lambda": 0.091567, "log_lambda": -2.3907, "integral": 0.0089, "prev_hash": "105d72ff658b92ffdcb92c7895eb672407dee3f2b69b6d3f31a4c49b550cd7b3", "hash": "366b8a95c4c8bb6f98a55ef7491d6578ae1fa7adc603656543bc0d112844198b"}
|
| 255 |
+
{"timestamp": 1756956494.920005, "tokens_seen": 259072, "data_bpt": 2.2334, "param_bpt": 0.0319, "S": 0.0141, "lambda": 0.100724, "log_lambda": -2.2954, "integral": 0.0109, "prev_hash": "366b8a95c4c8bb6f98a55ef7491d6578ae1fa7adc603656543bc0d112844198b", "hash": "0f52da629c9319e084eed839e28ba4a1eeca458e5a842fd19a2c3277e7458d8b"}
|
| 256 |
+
{"timestamp": 1756956495.742893, "tokens_seen": 260096, "data_bpt": 2.2923, "param_bpt": 0.032, "S": 0.0138, "lambda": 0.110796, "log_lambda": -2.2001, "integral": 0.0127, "prev_hash": "0f52da629c9319e084eed839e28ba4a1eeca458e5a842fd19a2c3277e7458d8b", "hash": "8471119fbffe4f45b604009123076a5d32f1f81e5e5372f80dc8d718753d5db9"}
|
| 257 |
+
{"timestamp": 1756956496.564916, "tokens_seen": 261120, "data_bpt": 2.2375, "param_bpt": 0.0322, "S": 0.0142, "lambda": 0.121876, "log_lambda": -2.1048, "integral": 0.0147, "prev_hash": "8471119fbffe4f45b604009123076a5d32f1f81e5e5372f80dc8d718753d5db9", "hash": "89c4cd6e59ae86e4bf6e0bfb28e00670da346aaea097c0f2e67db6f2e2f8fcea"}
|
| 258 |
+
{"timestamp": 1756956497.400756, "tokens_seen": 262144, "data_bpt": 2.2676, "param_bpt": 0.0323, "S": 0.014, "lambda": 0.134064, "log_lambda": -2.0094, "integral": 0.0167, "prev_hash": "89c4cd6e59ae86e4bf6e0bfb28e00670da346aaea097c0f2e67db6f2e2f8fcea", "hash": "88f1912c02705c78d547b2ae1408052a90a548990b5c64c23f78cfcbdad8f4dd"}
|
| 259 |
+
{"timestamp": 1756956498.2225752, "tokens_seen": 263168, "data_bpt": 2.2632, "param_bpt": 0.0324, "S": 0.0141, "lambda": 0.14747, "log_lambda": -1.9141, "integral": 0.0187, "prev_hash": "88f1912c02705c78d547b2ae1408052a90a548990b5c64c23f78cfcbdad8f4dd", "hash": "7b8cd2a0878574b526658135f84cc02c0ed110968828589e2b72a3836b1554bc"}
|
| 260 |
+
{"timestamp": 1756956499.0532942, "tokens_seen": 264192, "data_bpt": 2.2593, "param_bpt": 0.0326, "S": 0.0142, "lambda": 0.162217, "log_lambda": -1.8188, "integral": 0.0207, "prev_hash": "7b8cd2a0878574b526658135f84cc02c0ed110968828589e2b72a3836b1554bc", "hash": "f36c04647d77aa5ea8f21915d65bbc444339edc0e464dbec62efa111033f0091"}
|
| 261 |
+
{"timestamp": 1756956499.875736, "tokens_seen": 265216, "data_bpt": 2.2839, "param_bpt": 0.0327, "S": 0.0141, "lambda": 0.178439, "log_lambda": -1.7235, "integral": 0.0226, "prev_hash": "f36c04647d77aa5ea8f21915d65bbc444339edc0e464dbec62efa111033f0091", "hash": "f614483ffc0e796ac818e1396ce946e148387252db192094e45971607363c90f"}
|
| 262 |
+
{"timestamp": 1756956500.707028, "tokens_seen": 266240, "data_bpt": 2.1882, "param_bpt": 0.0329, "S": 0.0148, "lambda": 0.196283, "log_lambda": -1.6282, "integral": 0.0249, "prev_hash": "f614483ffc0e796ac818e1396ce946e148387252db192094e45971607363c90f", "hash": "e15ee3b45c4be040d5499e0d4ee35c14a50357addca6d3fc1f5a637ee0e85b9f"}
|
| 263 |
+
{"timestamp": 1756956501.529675, "tokens_seen": 267264, "data_bpt": 2.14, "param_bpt": 0.033, "S": 0.0152, "lambda": 0.215911, "log_lambda": -1.5329, "integral": 0.0274, "prev_hash": "e15ee3b45c4be040d5499e0d4ee35c14a50357addca6d3fc1f5a637ee0e85b9f", "hash": "739e6f75f040d53d8912f3f99bf3dded81344f4791f388e6b9704a9cb169877e"}
|
| 264 |
+
{"timestamp": 1756956502.354553, "tokens_seen": 268288, "data_bpt": 2.1286, "param_bpt": 0.0332, "S": 0.0153, "lambda": 0.237502, "log_lambda": -1.4376, "integral": 0.0299, "prev_hash": "739e6f75f040d53d8912f3f99bf3dded81344f4791f388e6b9704a9cb169877e", "hash": "061c342b007ce5749fd80a7f21eb9320d37ebf5d1a7e653d4e7de201d1dfb307"}
|
| 265 |
+
{"timestamp": 1756956503.1780999, "tokens_seen": 269312, "data_bpt": 2.1704, "param_bpt": 0.0333, "S": 0.0151, "lambda": 0.261252, "log_lambda": -1.3423, "integral": 0.0323, "prev_hash": "061c342b007ce5749fd80a7f21eb9320d37ebf5d1a7e653d4e7de201d1dfb307", "hash": "c35ed016e6fbfaef132cf7413c51eccfa20bea1d804888720dd0fbfbfedf665a"}
|
| 266 |
+
{"timestamp": 1756956504.0015528, "tokens_seen": 270336, "data_bpt": 2.1232, "param_bpt": 0.0334, "S": 0.0155, "lambda": 0.287377, "log_lambda": -1.247, "integral": 0.0349, "prev_hash": "c35ed016e6fbfaef132cf7413c51eccfa20bea1d804888720dd0fbfbfedf665a", "hash": "b6c0f573ff640ebe3cd90097340f889ae686fb95b9275cb11e1b4c46d75e74d9"}
|
| 267 |
+
{"timestamp": 1756956504.833131, "tokens_seen": 271360, "data_bpt": 2.114, "param_bpt": 0.0336, "S": 0.0156, "lambda": 0.316115, "log_lambda": -1.1516, "integral": 0.0376, "prev_hash": "b6c0f573ff640ebe3cd90097340f889ae686fb95b9275cb11e1b4c46d75e74d9", "hash": "f6d84aaba3f6ef3d4efdb60ace514bb15342084c8b82dc06423a38e7ccaa2d09"}
|
| 268 |
+
{"timestamp": 1756956505.654978, "tokens_seen": 272384, "data_bpt": 2.1241, "param_bpt": 0.0337, "S": 0.0156, "lambda": 0.347727, "log_lambda": -1.0563, "integral": 0.0402, "prev_hash": "f6d84aaba3f6ef3d4efdb60ace514bb15342084c8b82dc06423a38e7ccaa2d09", "hash": "40b5b97b0d980372807d886ff5a9e2d66b13e118730d43d289bbe577ced94d04"}
|
| 269 |
+
{"timestamp": 1756956506.488105, "tokens_seen": 273408, "data_bpt": 2.1466, "param_bpt": 0.0338, "S": 0.0155, "lambda": 0.382499, "log_lambda": -0.961, "integral": 0.0428, "prev_hash": "40b5b97b0d980372807d886ff5a9e2d66b13e118730d43d289bbe577ced94d04", "hash": "0989f27ffd0f60c8264e460f30cd3b24c9c3c8617b436df6093a9ee50a094f02"}
|
| 270 |
+
{"timestamp": 1756956507.313285, "tokens_seen": 274432, "data_bpt": 2.098, "param_bpt": 0.034, "S": 0.0159, "lambda": 0.420749, "log_lambda": -0.8657, "integral": 0.0455, "prev_hash": "0989f27ffd0f60c8264e460f30cd3b24c9c3c8617b436df6093a9ee50a094f02", "hash": "ca600d4978bdbd73d0bfb3a82662468d31213c79b9954a0d64ba110fff0d7590"}
|
| 271 |
+
{"timestamp": 1756956508.1355221, "tokens_seen": 275456, "data_bpt": 2.1048, "param_bpt": 0.0341, "S": 0.0159, "lambda": 0.462824, "log_lambda": -0.7704, "integral": 0.0483, "prev_hash": "ca600d4978bdbd73d0bfb3a82662468d31213c79b9954a0d64ba110fff0d7590", "hash": "0d008128758f14a8927df76c0b903be9399ffb79cb0691fa456298752faa7d9c"}
|
training_summary.json
ADDED
|
@@ -0,0 +1,19 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
| 1 |
+
{
|
| 2 |
+
"mode": "ce_kl_auto",
|
| 3 |
+
"model": "meta-llama/Llama-3.2-1B",
|
| 4 |
+
"steps": 270,
|
| 5 |
+
"N_tokens": 445718,
|
| 6 |
+
"target_S": 0.01,
|
| 7 |
+
"final_metrics": {
|
| 8 |
+
"data_bpt": 2.1664955498827014,
|
| 9 |
+
"param_bpt": 0.03528421491730657,
|
| 10 |
+
"total_bpt": 2.201779764800008,
|
| 11 |
+
"S_ratio": 0.016025315284206688,
|
| 12 |
+
"lambda": 0.46282422077910096
|
| 13 |
+
},
|
| 14 |
+
"avg_last_100": {
|
| 15 |
+
"data_bpt": 2.297084885769371,
|
| 16 |
+
"total_bpt": 2.3255800839060363,
|
| 17 |
+
"S_ratio": 0.01281555231171954
|
| 18 |
+
}
|
| 19 |
+
}
|
validation_results.json
ADDED
|
@@ -0,0 +1,16 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
| 1 |
+
{
|
| 2 |
+
"base": {
|
| 3 |
+
"bpt": 3.9199,
|
| 4 |
+
"perplexity": 15.14
|
| 5 |
+
},
|
| 6 |
+
"scu_trained": {
|
| 7 |
+
"bpt": 3.6761,
|
| 8 |
+
"perplexity": 12.78,
|
| 9 |
+
"adapter_path": "models/scu_fixed_sigma_20250903_222442"
|
| 10 |
+
},
|
| 11 |
+
"improvement": {
|
| 12 |
+
"delta_bpt": 0.2438,
|
| 13 |
+
"percent": 6.22,
|
| 14 |
+
"better": true
|
| 15 |
+
}
|
| 16 |
+
}
|