Upload PiT model from experiment b1
Browse filesThis view is limited to 50 files because it contains too many changes.
See raw diff
- .gitattributes +2 -0
- README.md +161 -0
- config.json +76 -0
- confusion_matrices/PiT_Confusion_Matrix_a.png +0 -0
- confusion_matrices/PiT_Confusion_Matrix_b.png +0 -0
- confusion_matrices/PiT_Confusion_Matrix_c.png +0 -0
- confusion_matrices/PiT_Confusion_Matrix_d.png +0 -0
- confusion_matrices/PiT_Confusion_Matrix_e.png +0 -0
- confusion_matrices/PiT_Confusion_Matrix_f.png +0 -0
- confusion_matrices/PiT_Confusion_Matrix_g.png +0 -0
- confusion_matrices/PiT_Confusion_Matrix_h.png +0 -0
- confusion_matrices/PiT_Confusion_Matrix_i.png +0 -0
- confusion_matrices/PiT_Confusion_Matrix_j.png +0 -0
- confusion_matrices/PiT_Confusion_Matrix_k.png +0 -0
- confusion_matrices/PiT_Confusion_Matrix_l.png +0 -0
- evaluation_results.csv +133 -0
- model.safetensors +3 -0
- pit-gravit-b1.pth +3 -0
- pytorch_model.bin +3 -0
- roc_confusion_matrix/PiT_roc_confusion_matrix_a.png +0 -0
- roc_confusion_matrix/PiT_roc_confusion_matrix_b.png +0 -0
- roc_confusion_matrix/PiT_roc_confusion_matrix_c.png +0 -0
- roc_confusion_matrix/PiT_roc_confusion_matrix_d.png +0 -0
- roc_confusion_matrix/PiT_roc_confusion_matrix_e.png +0 -0
- roc_confusion_matrix/PiT_roc_confusion_matrix_f.png +0 -0
- roc_confusion_matrix/PiT_roc_confusion_matrix_g.png +0 -0
- roc_confusion_matrix/PiT_roc_confusion_matrix_h.png +0 -0
- roc_confusion_matrix/PiT_roc_confusion_matrix_i.png +0 -0
- roc_confusion_matrix/PiT_roc_confusion_matrix_j.png +0 -0
- roc_confusion_matrix/PiT_roc_confusion_matrix_k.png +0 -0
- roc_confusion_matrix/PiT_roc_confusion_matrix_l.png +0 -0
- roc_curves/PiT_ROC_a.png +0 -0
- roc_curves/PiT_ROC_b.png +0 -0
- roc_curves/PiT_ROC_c.png +0 -0
- roc_curves/PiT_ROC_d.png +0 -0
- roc_curves/PiT_ROC_e.png +0 -0
- roc_curves/PiT_ROC_f.png +0 -0
- roc_curves/PiT_ROC_g.png +0 -0
- roc_curves/PiT_ROC_h.png +0 -0
- roc_curves/PiT_ROC_i.png +0 -0
- roc_curves/PiT_ROC_j.png +0 -0
- roc_curves/PiT_ROC_k.png +0 -0
- roc_curves/PiT_ROC_l.png +0 -0
- training_curves/PiT_accuracy.png +0 -0
- training_curves/PiT_auc.png +0 -0
- training_curves/PiT_combined_metrics.png +3 -0
- training_curves/PiT_f1.png +0 -0
- training_curves/PiT_loss.png +0 -0
- training_curves/PiT_metrics.csv +101 -0
- training_metrics.csv +101 -0
.gitattributes
CHANGED
@@ -33,3 +33,5 @@ saved_model/**/* filter=lfs diff=lfs merge=lfs -text
|
|
33 |
*.zip filter=lfs diff=lfs merge=lfs -text
|
34 |
*.zst filter=lfs diff=lfs merge=lfs -text
|
35 |
*tfevents* filter=lfs diff=lfs merge=lfs -text
|
|
|
|
|
|
33 |
*.zip filter=lfs diff=lfs merge=lfs -text
|
34 |
*.zst filter=lfs diff=lfs merge=lfs -text
|
35 |
*tfevents* filter=lfs diff=lfs merge=lfs -text
|
36 |
+
training_curves/PiT_combined_metrics.png filter=lfs diff=lfs merge=lfs -text
|
37 |
+
training_notebook_b1.ipynb filter=lfs diff=lfs merge=lfs -text
|
README.md
ADDED
@@ -0,0 +1,161 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
---
|
2 |
+
license: apache-2.0
|
3 |
+
tags:
|
4 |
+
- vision-transformer
|
5 |
+
- image-classification
|
6 |
+
- pytorch
|
7 |
+
- timm
|
8 |
+
- pit
|
9 |
+
- gravitational-lensing
|
10 |
+
- strong-lensing
|
11 |
+
- astronomy
|
12 |
+
- astrophysics
|
13 |
+
datasets:
|
14 |
+
- J24
|
15 |
+
metrics:
|
16 |
+
- accuracy
|
17 |
+
- auc
|
18 |
+
- f1
|
19 |
+
model-index:
|
20 |
+
- name: PiT-b1
|
21 |
+
results:
|
22 |
+
- task:
|
23 |
+
type: image-classification
|
24 |
+
name: Strong Gravitational Lens Discovery
|
25 |
+
dataset:
|
26 |
+
type: common-test-sample
|
27 |
+
name: Common Test Sample (More et al. 2024)
|
28 |
+
metrics:
|
29 |
+
- type: accuracy
|
30 |
+
value: 0.7504
|
31 |
+
name: Average Accuracy
|
32 |
+
- type: auc
|
33 |
+
value: 0.7049
|
34 |
+
name: Average AUC-ROC
|
35 |
+
- type: f1
|
36 |
+
value: 0.4053
|
37 |
+
name: Average F1-Score
|
38 |
+
---
|
39 |
+
|
40 |
+
# 🌌 pit-gravit-b1
|
41 |
+
|
42 |
+
🔭 This model is part of **GraViT**: Transfer Learning with Vision Transformers and MLP-Mixer for Strong Gravitational Lens Discovery
|
43 |
+
|
44 |
+
🔗 **GitHub Repository**: [https://github.com/parlange/gravit](https://github.com/parlange/gravit)
|
45 |
+
|
46 |
+
## 🛰️ Model Details
|
47 |
+
|
48 |
+
- **🤖 Model Type**: PiT
|
49 |
+
- **🧪 Experiment**: B1 - J24-classification-head
|
50 |
+
- **🌌 Dataset**: J24
|
51 |
+
- **🪐 Fine-tuning Strategy**: classification-head
|
52 |
+
|
53 |
+
|
54 |
+
|
55 |
+
## 💻 Quick Start
|
56 |
+
|
57 |
+
```python
|
58 |
+
import torch
|
59 |
+
import timm
|
60 |
+
|
61 |
+
# Load the model directly from the Hub
|
62 |
+
model = timm.create_model(
|
63 |
+
'hf-hub:parlange/pit-gravit-b1',
|
64 |
+
pretrained=True
|
65 |
+
)
|
66 |
+
model.eval()
|
67 |
+
|
68 |
+
# Example inference
|
69 |
+
dummy_input = torch.randn(1, 3, 224, 224)
|
70 |
+
with torch.no_grad():
|
71 |
+
output = model(dummy_input)
|
72 |
+
predictions = torch.softmax(output, dim=1)
|
73 |
+
print(f"Lens probability: {predictions[0][1]:.4f}")
|
74 |
+
```
|
75 |
+
|
76 |
+
## ⚡️ Training Configuration
|
77 |
+
|
78 |
+
**Training Dataset:** J24 (Jaelani et al. 2024)
|
79 |
+
**Fine-tuning Strategy:** classification-head
|
80 |
+
|
81 |
+
|
82 |
+
| 🔧 Parameter | 📝 Value |
|
83 |
+
|--------------|----------|
|
84 |
+
| Batch Size | 192 |
|
85 |
+
| Learning Rate | AdamW with ReduceLROnPlateau |
|
86 |
+
| Epochs | 100 |
|
87 |
+
| Patience | 10 |
|
88 |
+
| Optimizer | AdamW |
|
89 |
+
| Scheduler | ReduceLROnPlateau |
|
90 |
+
| Image Size | 224x224 |
|
91 |
+
| Fine Tune Mode | classification_head |
|
92 |
+
| Stochastic Depth Probability | 0.1 |
|
93 |
+
|
94 |
+
|
95 |
+
## 📈 Training Curves
|
96 |
+
|
97 |
+

|
98 |
+
|
99 |
+
|
100 |
+
## 🏁 Final Epoch Training Metrics
|
101 |
+
|
102 |
+
| Metric | Training | Validation |
|
103 |
+
|:---------:|:-----------:|:-------------:|
|
104 |
+
| 📉 Loss | 0.2301 | 0.2265 |
|
105 |
+
| 🎯 Accuracy | 0.9086 | 0.9105 |
|
106 |
+
| 📊 AUC-ROC | 0.9665 | 0.9668 |
|
107 |
+
| ⚖️ F1 Score | 0.9071 | 0.9094 |
|
108 |
+
|
109 |
+
|
110 |
+
## ☑️ Evaluation Results
|
111 |
+
|
112 |
+
### ROC Curves and Confusion Matrices
|
113 |
+
|
114 |
+
Performance across all test datasets (a through l) in the Common Test Sample (More et al. 2024):
|
115 |
+
|
116 |
+

|
117 |
+

|
118 |
+

|
119 |
+

|
120 |
+

|
121 |
+

|
122 |
+

|
123 |
+

|
124 |
+

|
125 |
+

|
126 |
+

|
127 |
+

|
128 |
+
|
129 |
+
### 📋 Performance Summary
|
130 |
+
|
131 |
+
Average performance across 12 test datasets from the Common Test Sample (More et al. 2024):
|
132 |
+
|
133 |
+
| Metric | Value |
|
134 |
+
|-----------|----------|
|
135 |
+
| 🎯 Average Accuracy | 0.7504 |
|
136 |
+
| 📈 Average AUC-ROC | 0.7049 |
|
137 |
+
| ⚖️ Average F1-Score | 0.4053 |
|
138 |
+
|
139 |
+
|
140 |
+
## 📘 Citation
|
141 |
+
|
142 |
+
If you use this model in your research, please cite:
|
143 |
+
|
144 |
+
```bibtex
|
145 |
+
@misc{parlange2025gravit,
|
146 |
+
title={GraViT: Transfer Learning with Vision Transformers and MLP-Mixer for Strong Gravitational Lens Discovery},
|
147 |
+
author={René Parlange and Juan C. Cuevas-Tello and Octavio Valenzuela and Omar de J. Cabrera-Rosas and Tomás Verdugo and Anupreeta More and Anton T. Jaelani},
|
148 |
+
year={2025},
|
149 |
+
eprint={2509.00226},
|
150 |
+
archivePrefix={arXiv},
|
151 |
+
primaryClass={cs.CV},
|
152 |
+
url={https://arxiv.org/abs/2509.00226},
|
153 |
+
}
|
154 |
+
```
|
155 |
+
|
156 |
+
---
|
157 |
+
|
158 |
+
|
159 |
+
## Model Card Contact
|
160 |
+
|
161 |
+
For questions about this model, please contact the author through: https://github.com/parlange/
|
config.json
ADDED
@@ -0,0 +1,76 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{
|
2 |
+
"architecture": "vit_base_patch16_224",
|
3 |
+
"num_classes": 2,
|
4 |
+
"num_features": 1000,
|
5 |
+
"global_pool": "avg",
|
6 |
+
"crop_pct": 0.875,
|
7 |
+
"interpolation": "bicubic",
|
8 |
+
"mean": [
|
9 |
+
0.485,
|
10 |
+
0.456,
|
11 |
+
0.406
|
12 |
+
],
|
13 |
+
"std": [
|
14 |
+
0.229,
|
15 |
+
0.224,
|
16 |
+
0.225
|
17 |
+
],
|
18 |
+
"first_conv": "conv1",
|
19 |
+
"classifier": "fc",
|
20 |
+
"input_size": [
|
21 |
+
3,
|
22 |
+
224,
|
23 |
+
224
|
24 |
+
],
|
25 |
+
"pool_size": [
|
26 |
+
7,
|
27 |
+
7
|
28 |
+
],
|
29 |
+
"pretrained_cfg": {
|
30 |
+
"tag": "gravit_b1",
|
31 |
+
"custom_load": false,
|
32 |
+
"input_size": [
|
33 |
+
3,
|
34 |
+
224,
|
35 |
+
224
|
36 |
+
],
|
37 |
+
"fixed_input_size": true,
|
38 |
+
"interpolation": "bicubic",
|
39 |
+
"crop_pct": 0.875,
|
40 |
+
"crop_mode": "center",
|
41 |
+
"mean": [
|
42 |
+
0.485,
|
43 |
+
0.456,
|
44 |
+
0.406
|
45 |
+
],
|
46 |
+
"std": [
|
47 |
+
0.229,
|
48 |
+
0.224,
|
49 |
+
0.225
|
50 |
+
],
|
51 |
+
"num_classes": 2,
|
52 |
+
"pool_size": [
|
53 |
+
7,
|
54 |
+
7
|
55 |
+
],
|
56 |
+
"first_conv": "conv1",
|
57 |
+
"classifier": "fc"
|
58 |
+
},
|
59 |
+
"model_name": "pit_gravit_b1",
|
60 |
+
"experiment": "b1",
|
61 |
+
"training_strategy": "classification-head",
|
62 |
+
"dataset": "J24",
|
63 |
+
"hyperparameters": {
|
64 |
+
"batch_size": "192",
|
65 |
+
"learning_rate": "AdamW with ReduceLROnPlateau",
|
66 |
+
"epochs": "100",
|
67 |
+
"patience": "10",
|
68 |
+
"optimizer": "AdamW",
|
69 |
+
"scheduler": "ReduceLROnPlateau",
|
70 |
+
"image_size": "224x224",
|
71 |
+
"fine_tune_mode": "classification_head",
|
72 |
+
"stochastic_depth_probability": "0.1"
|
73 |
+
},
|
74 |
+
"hf_hub_id": "parlange/pit-gravit-b1",
|
75 |
+
"license": "apache-2.0"
|
76 |
+
}
|
confusion_matrices/PiT_Confusion_Matrix_a.png
ADDED
![]() |
confusion_matrices/PiT_Confusion_Matrix_b.png
ADDED
![]() |
confusion_matrices/PiT_Confusion_Matrix_c.png
ADDED
![]() |
confusion_matrices/PiT_Confusion_Matrix_d.png
ADDED
![]() |
confusion_matrices/PiT_Confusion_Matrix_e.png
ADDED
![]() |
confusion_matrices/PiT_Confusion_Matrix_f.png
ADDED
![]() |
confusion_matrices/PiT_Confusion_Matrix_g.png
ADDED
![]() |
confusion_matrices/PiT_Confusion_Matrix_h.png
ADDED
![]() |
confusion_matrices/PiT_Confusion_Matrix_i.png
ADDED
![]() |
confusion_matrices/PiT_Confusion_Matrix_j.png
ADDED
![]() |
confusion_matrices/PiT_Confusion_Matrix_k.png
ADDED
![]() |
confusion_matrices/PiT_Confusion_Matrix_l.png
ADDED
![]() |
evaluation_results.csv
ADDED
@@ -0,0 +1,133 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
Model,Dataset,Loss,Accuracy,AUCROC,F1
|
2 |
+
ViT,a,0.6071771883394912,0.6972650110028293,0.630304788213628,0.16041848299912817
|
3 |
+
ViT,b,0.5153288846587805,0.7585664885256209,0.7058489871086556,0.19327731092436976
|
4 |
+
ViT,c,0.7054783390475984,0.6321911348632505,0.5800184162062615,0.1358936484490399
|
5 |
+
ViT,d,0.4042277384557577,0.8236403646651996,0.7250165745856354,0.24697986577181208
|
6 |
+
ViT,e,0.5327941425283707,0.7420417124039517,0.7240974797547869,0.43914081145584727
|
7 |
+
ViT,f,0.5265797158730187,0.7412284098830455,0.6639558097850381,0.05219858156028369
|
8 |
+
ViT,g,0.6893135578632354,0.6621666666666667,0.7476270555555556,0.6197711498780717
|
9 |
+
ViT,h,0.790124472618103,0.5951666666666666,0.625018,0.5763125763125763
|
10 |
+
ViT,i,0.6304114277362823,0.6966666666666667,0.7770440555555556,0.644808743169399
|
11 |
+
ViT,j,0.465672768831253,0.776,0.864817,0.7765214499501164
|
12 |
+
ViT,k,0.4067706377506256,0.8105,0.8964317777777777,0.8042018253831582
|
13 |
+
ViT,l,0.5734097661542007,0.7168843530220507,0.7773444022320638,0.6037596210775606
|
14 |
+
MLP-Mixer,a,0.46569699331935344,0.7956617415906948,0.6377578268876612,0.17091836734693877
|
15 |
+
MLP-Mixer,b,0.4452243679182891,0.8113800691606413,0.680889502762431,0.18256130790190736
|
16 |
+
MLP-Mixer,c,0.47408608185799006,0.7922037095253065,0.6053204419889502,0.16855345911949685
|
17 |
+
MLP-Mixer,d,0.42086313657886537,0.8296133291417793,0.628830570902394,0.19822485207100593
|
18 |
+
MLP-Mixer,e,0.5369727452879549,0.7694840834248079,0.669424052069931,0.38953488372093026
|
19 |
+
MLP-Mixer,f,0.4062789948943527,0.8290604910541399,0.6399901481253227,0.05724049551473729
|
20 |
+
MLP-Mixer,g,0.8928026676177978,0.5668333333333333,0.6760506666666667,0.4056711639606677
|
21 |
+
MLP-Mixer,h,0.9081041851043701,0.5566666666666666,0.5911980555555556,0.4000902119981958
|
22 |
+
MLP-Mixer,i,0.8798871593475341,0.5765,0.6166056111111111,0.4111239860950174
|
23 |
+
MLP-Mixer,j,0.46018748569488527,0.7815,0.874597,0.7684154742978272
|
24 |
+
MLP-Mixer,k,0.44727197551727294,0.7911666666666667,0.8744243888888887,0.7763698018918437
|
25 |
+
MLP-Mixer,l,0.5829932733619303,0.7279361218338534,0.7454255642147913,0.5488029465930019
|
26 |
+
CvT,a,0.7422070925208016,0.5998113800691607,0.3903342541436464,0.06876371616678859
|
27 |
+
CvT,b,0.5952609254949612,0.7066960075447972,0.4973591160220995,0.09152872444011685
|
28 |
+
CvT,c,0.723317504959712,0.6139578748821125,0.3812725598526704,0.07110438729198185
|
29 |
+
CvT,d,0.430008566209034,0.8365293932725558,0.5662173112338857,0.15309446254071662
|
30 |
+
CvT,e,0.6766743037101335,0.6871569703622393,0.5160750775751155,0.24802110817941952
|
31 |
+
CvT,f,0.5791996195594972,0.7131903028425374,0.4620804815700503,0.02475638662101659
|
32 |
+
CvT,g,1.034350182056427,0.45866666666666667,0.46588566666666664,0.25333333333333335
|
33 |
+
CvT,h,1.1022415161132812,0.4095,0.33246555555555557,0.23724434876210979
|
34 |
+
CvT,i,0.9467389023303986,0.5275,0.5413065,0.27990855981711965
|
35 |
+
CvT,j,0.6915355019569397,0.6251666666666666,0.6959060000000001,0.5795475789867265
|
36 |
+
CvT,k,0.6039242098331451,0.694,0.7733503333333334,0.6280388978930308
|
37 |
+
CvT,l,0.7708275838721139,0.5980117391994078,0.5461840780345415,0.3610690872415532
|
38 |
+
Swin,a,0.3745372065280601,0.8440741905061302,0.7235939226519337,0.2392638036809816
|
39 |
+
Swin,b,0.4118781376750692,0.8274127632819868,0.7413885819521178,0.22127659574468084
|
40 |
+
Swin,c,0.41712035007800596,0.8258409305249922,0.6833775322283611,0.21971830985915494
|
41 |
+
Swin,d,0.3414299682939776,0.867966048412449,0.7282725598526704,0.2708333333333333
|
42 |
+
Swin,e,0.47762388664856964,0.7881448957189902,0.7537349579959131,0.4469914040114613
|
43 |
+
Swin,f,0.34434392800953245,0.86058399814112,0.7211409512484105,0.07975460122699386
|
44 |
+
Swin,g,0.9412130119800568,0.562,0.687752,0.38367729831144465
|
45 |
+
Swin,h,0.9439922497272492,0.5611666666666667,0.600395,0.38322792223003044
|
46 |
+
Swin,i,0.9038637335300446,0.5835,0.6599881666666667,0.39564691656590084
|
47 |
+
Swin,j,0.41330916619300845,0.811,0.8991051666666667,0.8030566168808614
|
48 |
+
Swin,k,0.3759598867893219,0.8325,0.9137093333333334,0.8214602949014035
|
49 |
+
Swin,l,0.5501825281197098,0.7530537782243139,0.776428683903603,0.5787479704131336
|
50 |
+
CaiT,a,0.5068589627499177,0.7544797233574347,0.6288020257826887,0.1574973031283711
|
51 |
+
CaiT,b,0.43441846407422924,0.8022634391700723,0.7139318600368323,0.18838709677419355
|
52 |
+
CaiT,c,0.6128005658594627,0.675888085507702,0.5577274401473297,0.12404418011894647
|
53 |
+
CaiT,d,0.601496650358672,0.6966362779000315,0.5815893186003683,0.13141314131413143
|
54 |
+
CaiT,e,0.4804434718075489,0.7683863885839737,0.7282903201392568,0.40896358543417366
|
55 |
+
CaiT,f,0.4994646750235297,0.7533111300441484,0.6266931553341174,0.04383068147703392
|
56 |
+
CaiT,g,0.9582805759906768,0.5296666666666666,0.6336772222222222,0.33127962085308055
|
57 |
+
CaiT,h,1.052852813243866,0.46266666666666667,0.4407098888888889,0.30246646473388145
|
58 |
+
CaiT,i,1.0468598504066466,0.4736666666666667,0.4733858888888889,0.30684811237928006
|
59 |
+
CaiT,j,0.3563543026447296,0.8453333333333334,0.9224438888888887,0.8482172064115145
|
60 |
+
CaiT,k,0.44493358278274536,0.7893333333333333,0.8849772222222221,0.804031007751938
|
61 |
+
CaiT,l,0.634319533465761,0.6883824229284543,0.7108943442597637,0.5331537669333756
|
62 |
+
DeiT,a,0.4427877041630983,0.808236403646652,0.6191058931860037,0.18666666666666668
|
63 |
+
DeiT,b,0.41083011003044256,0.821754165356806,0.6952081031307551,0.19801980198019803
|
64 |
+
DeiT,c,0.4910275342516163,0.78528764539453,0.5721933701657459,0.1701093560145808
|
65 |
+
DeiT,d,0.5752349910365827,0.7318453316567117,0.5411786372007367,0.14098690835850958
|
66 |
+
DeiT,e,0.5283474334148622,0.8002195389681669,0.6915310678876864,0.43478260869565216
|
67 |
+
DeiT,f,0.42157146472453,0.8101618774688251,0.6117734242425559,0.05403319181783095
|
68 |
+
DeiT,g,1.163999383211136,0.5158333333333334,0.6234185555555556,0.2750187172448216
|
69 |
+
DeiT,h,1.206517367362976,0.4965,0.45666055555555557,0.2672811059907834
|
70 |
+
DeiT,i,1.2511613540649413,0.4681666666666667,0.42239144444444443,0.2566969485208479
|
71 |
+
DeiT,j,0.33839035058021544,0.8516666666666667,0.9297900555555554,0.8522085685818664
|
72 |
+
DeiT,k,0.425552321434021,0.804,0.8934688888888889,0.813570069752695
|
73 |
+
DeiT,l,0.6565662104555468,0.7179419385542806,0.7109608633913852,0.5444140758455757
|
74 |
+
DeiT3,a,0.4096169373367763,0.8371581263753537,0.5791758747697975,0.14802631578947367
|
75 |
+
DeiT3,b,0.373094875785923,0.8462747563659226,0.6644051565377532,0.15544041450777202
|
76 |
+
DeiT3,c,0.4991895148717394,0.77648538195536,0.5115930018416206,0.11235955056179775
|
77 |
+
DeiT3,d,0.38327455564663493,0.8513046211883055,0.6100073664825046,0.15985790408525755
|
78 |
+
DeiT3,e,0.5367149264438223,0.7815587266739846,0.6753273291455385,0.31141868512110726
|
79 |
+
DeiT3,f,0.3471956718102791,0.8570211447602819,0.5961145855485585,0.04648760330578512
|
80 |
+
DeiT3,g,1.3192027564048767,0.5021666666666667,0.5601109444444445,0.19682710406023124
|
81 |
+
DeiT3,h,1.3860539412498474,0.4651666666666667,0.3733101111111111,0.18573965998477543
|
82 |
+
DeiT3,i,1.324599706172943,0.5048333333333334,0.48481599999999997,0.19767755873615986
|
83 |
+
DeiT3,j,0.3928017973899841,0.8296666666666667,0.9115283333333334,0.8201970443349754
|
84 |
+
DeiT3,k,0.39819873094558716,0.8323333333333334,0.9044895555555555,0.8225123500352858
|
85 |
+
DeiT3,l,0.6891573654383029,0.7277246047274073,0.6817385665953223,0.5157528449167685
|
86 |
+
Twins_SVT,a,0.4458898261016137,0.8167243005344231,0.6354576427255985,0.2024623803009576
|
87 |
+
Twins_SVT,b,0.4509238941663468,0.8076076705438542,0.6965340699815838,0.19473684210526315
|
88 |
+
Twins_SVT,c,0.5059725925331032,0.7771141150581579,0.5930441988950277,0.17269544924154026
|
89 |
+
Twins_SVT,d,0.3316556203013057,0.8827412763281987,0.7198434622467773,0.2840690978886756
|
90 |
+
Twins_SVT,e,0.5185028320806087,0.7738748627881449,0.7086581397108906,0.4180790960451977
|
91 |
+
Twins_SVT,f,0.39142251728201677,0.8408333978777787,0.6639401856666073,0.06718111665910123
|
92 |
+
Twins_SVT,g,1.2193830106258392,0.4841666666666667,0.5380571111111111,0.20945083014048532
|
93 |
+
Twins_SVT,h,1.2485679879188538,0.468,0.36677261111111115,0.20438683948155534
|
94 |
+
Twins_SVT,i,1.1561509382724762,0.524,0.5393812222222223,0.22306855277475518
|
95 |
+
Twins_SVT,j,0.52089257979393,0.764,0.8455504444444444,0.7468716481944941
|
96 |
+
Twins_SVT,k,0.4576605150699615,0.8038333333333333,0.8778117222222223,0.7802054154995332
|
97 |
+
Twins_SVT,l,0.6924283070618104,0.7062027391465284,0.6558977267715866,0.48084470192487383
|
98 |
+
Twins_PCPVT,a,0.4554920045694665,0.7925180760767054,0.6320966850828729,0.1770573566084788
|
99 |
+
Twins_PCPVT,b,0.3702721736671714,0.8337000943099654,0.7290699815837937,0.21162444113263784
|
100 |
+
Twins_PCPVT,c,0.5222789617650578,0.7601383212826155,0.5801896869244936,0.1569060773480663
|
101 |
+
Twins_PCPVT,d,0.511706690917934,0.7695693178245835,0.6062357274401473,0.16228571428571428
|
102 |
+
Twins_PCPVT,e,0.44942784803366426,0.8111964873765093,0.764065692878226,0.45222929936305734
|
103 |
+
Twins_PCPVT,f,0.4167008115512896,0.8127952908372705,0.6441899979601845,0.05549042594763579
|
104 |
+
Twins_PCPVT,g,0.9797230496406555,0.5426666666666666,0.6615357222222222,0.32975085490962386
|
105 |
+
Twins_PCPVT,h,1.0603120126724244,0.5036666666666667,0.47164805555555556,0.31192236598890943
|
106 |
+
Twins_PCPVT,i,1.0547069294452667,0.5086666666666667,0.5087028888888889,0.3140995812005584
|
107 |
+
Twins_PCPVT,j,0.3549184784889221,0.845,0.9234385555555554,0.8425863236289777
|
108 |
+
Twins_PCPVT,k,0.42990235447883607,0.811,0.8866837222222221,0.8144633507853403
|
109 |
+
Twins_PCPVT,l,0.6083674293331931,0.7222251599598117,0.7249629563166041,0.5519065085728909
|
110 |
+
PiT,a,0.40825032295951375,0.8340144608613643,0.685341620626151,0.23919308357348704
|
111 |
+
PiT,b,0.4585393214237012,0.8057214712354606,0.7131197053406997,0.21173469387755103
|
112 |
+
PiT,c,0.46198257697112005,0.8072933039924552,0.636451197053407,0.21309370988446727
|
113 |
+
PiT,d,0.4301266003352072,0.8198679660484125,0.6617108655616942,0.22462787550744248
|
114 |
+
PiT,e,0.47335477670579,0.8111964873765093,0.7555210777264815,0.4911242603550296
|
115 |
+
PiT,f,0.38904998775843674,0.836418557818914,0.6788217244686715,0.07287093942054433
|
116 |
+
PiT,g,1.0988447036743163,0.5483333333333333,0.6416311666666666,0.3741339491916859
|
117 |
+
PiT,h,1.1006702044010162,0.5491666666666667,0.5303825555555556,0.3745664739884393
|
118 |
+
PiT,i,1.0837812168598175,0.5558333333333333,0.5635360555555555,0.3780630105017503
|
119 |
+
PiT,j,0.37021482944488526,0.8401666666666666,0.9175485555555555,0.8422956750534452
|
120 |
+
PiT,k,0.355151344537735,0.8476666666666667,0.92189,0.8485752153744202
|
121 |
+
PiT,l,0.6039756624711939,0.7492993495848976,0.7530133967294295,0.5930122757318225
|
122 |
+
Ensemble,a,,0.8239547312165986,0.6361445672191529,0.2
|
123 |
+
Ensemble,b,,0.821754165356806,0.7071620626151013,0.19801980198019803
|
124 |
+
Ensemble,c,,0.7966048412448915,0.5873848987108656,0.17789072426937738
|
125 |
+
Ensemble,d,,0.8604212511788746,0.659,0.23972602739726026
|
126 |
+
Ensemble,e,,0.8090010976948409,0.7250132445319004,0.445859872611465
|
127 |
+
Ensemble,f,,0.8491209046549454,0.6518722901919597,0.06704980842911877
|
128 |
+
Ensemble,g,,0.52,0.6616331111111111,0.2857142857142857
|
129 |
+
Ensemble,h,,0.5066666666666667,0.48887533333333333,0.2801556420233463
|
130 |
+
Ensemble,i,,0.5405,0.5874012222222222,0.29470452801227937
|
131 |
+
Ensemble,j,,0.8333333333333334,0.9165178888888887,0.8308525033829499
|
132 |
+
Ensemble,k,,0.8538333333333333,0.9253933333333333,0.8485057868371049
|
133 |
+
Ensemble,l,,0.7400454761778859,0.7437259266894098,0.5579136690647482
|
model.safetensors
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:361b9e48ecec042e0a96494b6061d27ba99532a80cbd13568dbf4f11ab120747
|
3 |
+
size 290985688
|
pit-gravit-b1.pth
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:0c0a593e97db3ecad5de1a10312edaa34e3fbe5124aba6e20407c97f08c72f5a
|
3 |
+
size 291039882
|
pytorch_model.bin
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:0c0a593e97db3ecad5de1a10312edaa34e3fbe5124aba6e20407c97f08c72f5a
|
3 |
+
size 291039882
|
roc_confusion_matrix/PiT_roc_confusion_matrix_a.png
ADDED
![]() |
roc_confusion_matrix/PiT_roc_confusion_matrix_b.png
ADDED
![]() |
roc_confusion_matrix/PiT_roc_confusion_matrix_c.png
ADDED
![]() |
roc_confusion_matrix/PiT_roc_confusion_matrix_d.png
ADDED
![]() |
roc_confusion_matrix/PiT_roc_confusion_matrix_e.png
ADDED
![]() |
roc_confusion_matrix/PiT_roc_confusion_matrix_f.png
ADDED
![]() |
roc_confusion_matrix/PiT_roc_confusion_matrix_g.png
ADDED
![]() |
roc_confusion_matrix/PiT_roc_confusion_matrix_h.png
ADDED
![]() |
roc_confusion_matrix/PiT_roc_confusion_matrix_i.png
ADDED
![]() |
roc_confusion_matrix/PiT_roc_confusion_matrix_j.png
ADDED
![]() |
roc_confusion_matrix/PiT_roc_confusion_matrix_k.png
ADDED
![]() |
roc_confusion_matrix/PiT_roc_confusion_matrix_l.png
ADDED
![]() |
roc_curves/PiT_ROC_a.png
ADDED
![]() |
roc_curves/PiT_ROC_b.png
ADDED
![]() |
roc_curves/PiT_ROC_c.png
ADDED
![]() |
roc_curves/PiT_ROC_d.png
ADDED
![]() |
roc_curves/PiT_ROC_e.png
ADDED
![]() |
roc_curves/PiT_ROC_f.png
ADDED
![]() |
roc_curves/PiT_ROC_g.png
ADDED
![]() |
roc_curves/PiT_ROC_h.png
ADDED
![]() |
roc_curves/PiT_ROC_i.png
ADDED
![]() |
roc_curves/PiT_ROC_j.png
ADDED
![]() |
roc_curves/PiT_ROC_k.png
ADDED
![]() |
roc_curves/PiT_ROC_l.png
ADDED
![]() |
training_curves/PiT_accuracy.png
ADDED
![]() |
training_curves/PiT_auc.png
ADDED
![]() |
training_curves/PiT_combined_metrics.png
ADDED
![]() |
Git LFS Details
|
training_curves/PiT_f1.png
ADDED
![]() |
training_curves/PiT_loss.png
ADDED
![]() |
training_curves/PiT_metrics.csv
ADDED
@@ -0,0 +1,101 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
epoch,train_loss,val_loss,train_accuracy,val_accuracy,train_auc,val_auc,train_f1,val_f1
|
2 |
+
1,0.554731099829292,0.4426787463990055,0.733372821120325,0.8156484458735263,0.8141046006589305,0.9003519860676011,0.7290860631072135,0.8105726872246696
|
3 |
+
2,0.4214855001438368,0.3717156842207219,0.8304281604332374,0.8478027867095391,0.9060936389849512,0.9301392665501803,0.8267834505013253,0.8458197611292074
|
4 |
+
3,0.37642084560149774,0.3395733786357561,0.8466463586619282,0.8681672025723473,0.9225484396678889,0.9388596524482217,0.8435710792070662,0.8673139158576052
|
5 |
+
4,0.35246900208691573,0.321260730169977,0.8573926778360693,0.8719185423365488,0.9305467794045229,0.9425552764021142,0.8547042933501925,0.8701792504073873
|
6 |
+
5,0.33467892256156706,0.3087988721979393,0.8646697128673775,0.87513397642015,0.9362509012788491,0.9462468796274278,0.8619916009894725,0.8731627653783343
|
7 |
+
6,0.32256337735511303,0.3007821044929541,0.8680543803237999,0.8810289389067524,0.9401484845040247,0.9482836658475868,0.8657059195039329,0.8801295896328294
|
8 |
+
7,0.31015205731809914,0.2933223250402898,0.8767416934619507,0.8831725616291533,0.9445788850701992,0.9497483598299346,0.8744397195724629,0.8817787418655098
|
9 |
+
8,0.302781367860766,0.28809344021070427,0.8789699328707621,0.8869239013933548,0.946854773374442,0.9509092016096699,0.8769394017608764,0.8847624249044238
|
10 |
+
9,0.2966128386182619,0.28377518441132793,0.8813674056523947,0.8906752411575563,0.9484637664844342,0.9518058240827856,0.8794773339446387,0.8888888888888888
|
11 |
+
10,0.2909349790128239,0.2808005066163287,0.8831161505048796,0.8869239013933548,0.9500670109231342,0.9526708551170665,0.8810152750660388,0.8857606930157012
|
12 |
+
11,0.2899731576926899,0.2774898904312845,0.8840187284932589,0.8922829581993569,0.9499359704940449,0.9533538045856984,0.8821100917431193,0.8901038819026791
|
13 |
+
12,0.2848333710794179,0.27567654637278466,0.8873469848254075,0.887459807073955,0.9515821700611369,0.9546323962738186,0.8854274239816409,0.8875802997858673
|
14 |
+
13,0.2820763354561498,0.27218886361819755,0.8879110960681447,0.8944265809217578,0.9524957060066684,0.9547242986413383,0.8859488003673516,0.892992938620315
|
15 |
+
14,0.27671941115198895,0.27000930704104553,0.8899136909798613,0.8938906752411575,0.9541965139732698,0.9553067298954956,0.8881116876415446,0.8920392584514721
|
16 |
+
15,0.275383213991077,0.2683659881065896,0.8902239521633666,0.8938906752411575,0.9544524467921807,0.9555554406775962,0.8881801988162961,0.8927410617551462
|
17 |
+
16,0.2732656028371996,0.26612754199665845,0.8929034805663677,0.8944265809217578,0.9548466611702813,0.956300998634101,0.8910567239548963,0.8927599346761024
|
18 |
+
17,0.27039860136760313,0.2647969318835298,0.8928752750042308,0.8933547695605574,0.9560179835749275,0.9567679775390614,0.8910123966942148,0.8921409214092141
|
19 |
+
18,0.2701098095480007,0.2643062428741976,0.890929091216788,0.8917470525187567,0.9556225742751163,0.9572510393583377,0.8889909573704607,0.8915145005370569
|
20 |
+
19,0.2673053354614982,0.26280913787064447,0.8942855531110735,0.8933547695605574,0.9566946338490823,0.957660004893801,0.8924718843240762,0.8929532006455083
|
21 |
+
20,0.2656340972786931,0.2605341673855613,0.8932983584362837,0.8965702036441586,0.9571255184810649,0.9576519634366432,0.8915331020443272,0.8944778567523237
|
22 |
+
21,0.2651552653722219,0.2598317662236008,0.8945394031703052,0.8981779206859593,0.9569666670844915,0.9579856839086996,0.8928622596636007,0.8958333333333334
|
23 |
+
22,0.26469722586368866,0.2590290212650391,0.8948214587916737,0.8933547695605574,0.9569578268913831,0.9582613910112591,0.8929279007666465,0.8921409214092141
|
24 |
+
23,0.26186570272991994,0.2579307571484728,0.8977830428160434,0.8965702036441586,0.9580330114004219,0.9584296872217799,0.8960591980726209,0.8949373979314099
|
25 |
+
24,0.2579116345985143,0.25682058671663044,0.8975856038810853,0.8971061093247589,0.9594748443506277,0.9587111382223095,0.8958136064962268,0.8954248366013072
|
26 |
+
25,0.25656496457166733,0.2556361715126651,0.8992779376092965,0.8997856377277599,0.9595575946679747,0.9588685210266874,0.8976350867134871,0.8978700163844894
|
27 |
+
26,0.25401236226583296,0.2544137238497903,0.8991087042364755,0.8992497320471597,0.9604714711105051,0.9592614036478349,0.8974160429034386,0.8974918211559433
|
28 |
+
27,0.25648979515084397,0.2537511621161673,0.8989112653015174,0.8981779206859593,0.9594506611081772,0.9593975340297236,0.8972241339756825,0.8964013086150491
|
29 |
+
28,0.2566117528711888,0.25285178662496366,0.897472781632538,0.9008574490889604,0.9595389087018364,0.9596893240465991,0.8959019445001288,0.8986301369863013
|
30 |
+
29,0.2545710753054965,0.25227010412998135,0.9009702713375077,0.8992497320471597,0.9601201227587784,0.9598691080530598,0.899326164874552,0.8969298245614035
|
31 |
+
30,0.2545856589249375,0.25052768298667344,0.8985727985558752,0.9019292604501608,0.9599301747577933,0.9603349381784262,0.8968977578989621,0.8998357963875205
|
32 |
+
31,0.2542125528426436,0.24989934323109997,0.9002087211598128,0.9008574490889604,0.9601285715394489,0.9605807770115417,0.8985897729878468,0.8989623156744948
|
33 |
+
32,0.2534088333471311,0.24950768360179337,0.8990804986743386,0.9013933547695605,0.9602463294033711,0.9605847977401207,0.8973785349624276,0.8995633187772926
|
34 |
+
33,0.2509741070892307,0.24933482486143757,0.9006318045918655,0.9013933547695605,0.9610353007272198,0.9607473500526715,0.8989473080343057,0.8997821350762527
|
35 |
+
34,0.2517422195981049,0.24834351969876856,0.8997292266034862,0.9008574490889604,0.9607181484572578,0.9609592998877642,0.8980177285636421,0.899292324442025
|
36 |
+
35,0.2512538621602758,0.2483399204215053,0.8998702544141705,0.8992497320471597,0.9609109493139382,0.9614147909967845,0.8981640849110729,0.8984881209503239
|
37 |
+
36,0.2508803660755816,0.2465167084882497,0.9007728324025498,0.9030010718113612,0.9610671037833485,0.9615267970071993,0.8991225554854619,0.9013623978201635
|
38 |
+
37,0.25075123252693543,0.24687512127916145,0.9022959327579398,0.9003215434083601,0.9608556471915717,0.9617008371156901,0.9007506733138502,0.8993506493506493
|
39 |
+
38,0.24796243524628053,0.2454296227340913,0.9026626050657189,0.9035369774919614,0.9618967883651629,0.9617915907036161,0.9010579431749763,0.9018538713195202
|
40 |
+
39,0.24702051771153127,0.24493288442827882,0.9016189992666553,0.9019292604501608,0.9621497617241781,0.9618714308853988,0.9001717229536348,0.9000546149645002
|
41 |
+
40,0.2483579082716175,0.24446345688445775,0.9026061939414453,0.9030010718113612,0.9616796737952196,0.9620586819592205,0.9010119542470545,0.9012547735951991
|
42 |
+
41,0.2457593968070326,0.24366766511435678,0.9033959496812771,0.9035369774919614,0.9625153091189751,0.9622074489166434,0.9018258950325336,0.9017467248908297
|
43 |
+
42,0.2470528835733039,0.24381492097661425,0.9011959158346026,0.9030010718113612,0.9620077267424647,0.9622361684064934,0.8995094523652428,0.9017905588714054
|
44 |
+
43,0.24520495596735342,0.24327181389860786,0.9021549049472556,0.9030010718113612,0.9627314769799732,0.9623148598086823,0.9005931741983552,0.9014697876973327
|
45 |
+
44,0.24572132817327846,0.24283968511118384,0.9031985107463192,0.9030010718113612,0.9624064885057172,0.9624004438884352,0.9015603487838458,0.9014697876973327
|
46 |
+
45,0.24365230141446198,0.24242445994228412,0.904185705421109,0.9035369774919614,0.9629564738963274,0.962527958423369,0.9025614548375068,0.9013157894736842
|
47 |
+
46,0.2416662934125428,0.24126989602850948,0.9034805663676877,0.9056806002143623,0.9636261185242876,0.9628168764912596,0.9018246499885242,0.9037199124726477
|
48 |
+
47,0.24152727781929406,0.24143887672968617,0.9055959835279517,0.9040728831725616,0.9637582870485738,0.9627198046155667,0.9040066538560817,0.9022392135445112
|
49 |
+
48,0.23979752328335724,0.24041775328936685,0.906103683646415,0.905144694533762,0.9641310501157515,0.9629788544140131,0.9045338533451865,0.9034369885433715
|
50 |
+
49,0.24200456790319655,0.2405250100269195,0.904185705421109,0.905144694533762,0.9635459489832583,0.9629828751425923,0.9025111206772851,0.903013698630137
|
51 |
+
50,0.24151024622831638,0.23964024543570553,0.9036497997405089,0.905144694533762,0.9636266276786783,0.9632913224635807,0.902153987167736,0.903013698630137
|
52 |
+
51,0.24231489310613197,0.23985160288320093,0.9050882834094883,0.9056806002143623,0.9632870646599887,0.9633516333922658,0.9034571797446564,0.9032967032967033
|
53 |
+
52,0.24250636295550848,0.23938114687177528,0.9041574998589722,0.9067524115755627,0.9631289499461743,0.9633206163432277,0.9024011948529411,0.9048140043763676
|
54 |
+
53,0.2408441334337445,0.23889145691103492,0.9048626389123935,0.905144694533762,0.9638719159886091,0.9634171138291235,0.9031609772903448,0.9032258064516129
|
55 |
+
54,0.24036662426318064,0.23824931048695297,0.9059626558357308,0.9067524115755627,0.9637484269555766,0.9636376795111713,0.9044589637780834,0.9048140043763676
|
56 |
+
55,0.24197308309622112,0.23772611653498132,0.9060754780842782,0.9067524115755627,0.9631883937212875,0.9637657684359021,0.9044750430292599,0.9051254089422028
|
57 |
+
56,0.24021000102260712,0.23715995831888206,0.9055677779658149,0.9072883172561629,0.9638672333593221,0.9639208536810919,0.9042224510813595,0.9055161114145276
|
58 |
+
57,0.2400423832644987,0.23707330916855496,0.9060472725221413,0.905144694533762,0.9637535853259973,0.9639794414403858,0.904416195586674,0.9036472509526402
|
59 |
+
58,0.24227456449655374,0.23710661795936597,0.9048626389123935,0.9067524115755627,0.963068020076683,0.9639627841362729,0.9034271480516506,0.9045005488474204
|
60 |
+
59,0.2400296271845943,0.2368555197857584,0.9053985445929937,0.9046087888531619,0.963807347256332,0.9640041402016567,0.9039353840866128,0.9031556039173014
|
61 |
+
60,0.23907568400171247,0.23625841056418956,0.9052293112201726,0.9062165058949625,0.9641325664411714,0.9641575022774554,0.9036089276493201,0.9045280960174578
|
62 |
+
61,0.23996767193901092,0.23735436955257244,0.9036780053026456,0.9072883172561629,0.9639445818668056,0.9642959302185324,0.9020900828578801,0.9045780474351903
|
63 |
+
62,0.23902333768506728,0.2351343004074894,0.9052857223444464,0.9072883172561629,0.9641233634755597,0.964519367849565,0.9036165327210103,0.9055161114145276
|
64 |
+
63,0.2367511884268215,0.23539448565417165,0.9065549726406047,0.9072883172561629,0.9647621390274768,0.9643734728411273,0.9050797925679741,0.9055161114145276
|
65 |
+
64,0.23737261579875554,0.23529852773407264,0.907062672759068,0.9056806002143623,0.9646718579984697,0.9643401582329013,0.9055413811885445,0.9038251366120219
|
66 |
+
65,0.23644932367148425,0.23445784068184267,0.9072601116940261,0.9067524115755627,0.9649134310724559,0.96462562996201,0.9057231333868563,0.9046052631578947
|
67 |
+
66,0.23568472362528964,0.23415984893726766,0.9077678118124894,0.9072883172561629,0.9651378360968309,0.9646675604171907,0.906389556853315,0.9056192034915439
|
68 |
+
67,0.2364068846625712,0.23402408522424975,0.906498561516331,0.9078242229367631,0.9649563877919556,0.9647795664276055,0.9048916941615264,0.9064200217627857
|
69 |
+
68,0.23520007983220775,0.23379497460038715,0.9065267670784679,0.9078242229367631,0.9653090710828504,0.9648835309808624,0.9050538620215448,0.9066232356134636
|
70 |
+
69,0.2352374224245982,0.23364405549607475,0.9079652507474474,0.9067524115755627,0.9650143566104433,0.9647789920378087,0.9065176908752328,0.9051254089422028
|
71 |
+
70,0.23423766479070143,0.23336377495546434,0.9074011395047104,0.9072883172561629,0.9653419194965873,0.9649783052973673,0.9057989727697914,0.9061313076505697
|
72 |
+
71,0.23608453525143602,0.23303353091719833,0.909403734416427,0.9067524115755627,0.9646400517601261,0.9649358004523892,0.9079022823718317,0.9051254089422028
|
73 |
+
72,0.23777516000886964,0.233538189405797,0.9086421842387319,0.9078242229367631,0.9640386879181727,0.9650788235118422,0.9071786788938243,0.907027027027027
|
74 |
+
73,0.23367512598822898,0.2321570081534493,0.9075703728775314,0.9078242229367631,0.965726447212405,0.9653964610695829,0.9060466183090111,0.9068255687973997
|
75 |
+
74,0.23405682449515125,0.23193818728448493,0.9088678287358267,0.9072883172561629,0.9656194643282758,0.965251714840739,0.907386705649669,0.9054127938764353
|
76 |
+
75,0.2355409351565709,0.2317976677532748,0.9073729339425735,0.9088960342979635,0.9650785466591423,0.9653051330918597,0.9059025787965616,0.9074074074074074
|
77 |
+
76,0.23761614111599977,0.2315080490717934,0.9067524115755627,0.9083601286173634,0.9644883364805599,0.9654487305411096,0.9052776345195118,0.9069134458356015
|
78 |
+
77,0.2357636855845525,0.2322256805141639,0.9072319061318892,0.9083601286173634,0.9647916047467306,0.9653189184469879,0.9057674125433344,0.9060955518945635
|
79 |
+
78,0.23498972783608774,0.23139425494088237,0.9069780560726576,0.9083601286173634,0.9651714323310792,0.9654671110146136,0.905360422405877,0.9064039408866995
|
80 |
+
79,0.23605353949456917,0.23136491714183158,0.9086703898008688,0.9088960342979635,0.9646732295331097,0.9655170829269525,0.9071727538558569,0.9077090119435396
|
81 |
+
80,0.2361494849924106,0.23112490279689862,0.9072883172561629,0.9078242229367631,0.9647387911164486,0.9654826195391325,0.9058247142079477,0.9060109289617486
|
82 |
+
81,0.23316260048592224,0.23023091448273306,0.9083601286173634,0.9088960342979635,0.9657079760457752,0.9658605680255581,0.9066942362367537,0.9075081610446137
|
83 |
+
82,0.23161094706460775,0.23075560262348874,0.9090370621086479,0.9078242229367631,0.9663212636471157,0.9658473570602271,0.9076063601203266,0.9069264069264069
|
84 |
+
83,0.23374114770749274,0.22986160324125812,0.9080216618717211,0.9088960342979635,0.9654216992162863,0.965905370429724,0.9065428595993466,0.9073064340239912
|
85 |
+
84,0.23217821561013166,0.22929077214558408,0.9086421842387319,0.9078242229367631,0.965855046882634,0.9660587325055228,0.9071839986245236,0.9061135371179039
|
86 |
+
85,0.23363418680426432,0.2292614683173477,0.9077678118124894,0.909967845659164,0.9654864334237404,0.9661425934158846,0.9061261985416547,0.9083969465648855
|
87 |
+
86,0.23440750681631736,0.2296893270835999,0.908416539741637,0.9067524115755627,0.9651289036194892,0.9659898057298828,0.9068960573476702,0.904709748083242
|
88 |
+
87,0.23539840295232478,0.22916019164097653,0.9075421673153946,0.9088960342979635,0.9650829778934487,0.9661322543995386,0.905993690851735,0.9069003285870756
|
89 |
+
88,0.23367340945465187,0.22869087175924294,0.9085857731144582,0.9083601286173634,0.9655717820195876,0.9662821701365554,0.9070254453656158,0.9061985737794843
|
90 |
+
89,0.2293304644158133,0.2293105637624716,0.9096011733513849,0.9088960342979635,0.9669502109281849,0.9660765385892298,0.9080159572941481,0.9078091106290672
|
91 |
+
90,0.23371006590518315,0.22837583830885566,0.909008856546511,0.9088960342979635,0.9653334691248094,0.9662976786610744,0.9073999655548539,0.9072052401746725
|
92 |
+
91,0.23187188651834492,0.22847699232615076,0.9088396231736898,0.9105037513397642,0.9659525388106993,0.9662390909017804,0.9073235074840855,0.9090909090909091
|
93 |
+
92,0.2307718361739399,0.22856285789580208,0.9084729508659107,0.9110396570203644,0.9663317060854473,0.9662023299547725,0.9068946719077268,0.9095860566448801
|
94 |
+
93,0.23158268793411194,0.22784640608876464,0.9084729508659107,0.9088960342979635,0.9661077608911315,0.9664361066021512,0.9069053561694925,0.9075081610446137
|
95 |
+
94,0.2312952274446218,0.2286910174648095,0.9082755119309528,0.9078242229367631,0.9661379378354248,0.9661517836526367,0.9066590126291619,0.9058050383351588
|
96 |
+
95,0.2319190631937226,0.22736113314843254,0.9089806509843741,0.909967845659164,0.9658793430937147,0.9666095723208449,0.9073792371057088,0.908695652173913
|
97 |
+
96,0.23216155890856405,0.22786665485027902,0.908613978676595,0.9078242229367631,0.9657993740322267,0.9666250808453639,0.9069820854386771,0.907027027027027
|
98 |
+
97,0.23347731446792155,0.2273794263601303,0.9083319230552265,0.9094319399785638,0.965385261264095,0.966592340626935,0.906930126002291,0.906989543203082
|
99 |
+
98,0.22915845249969757,0.22710580203885816,0.9089806509843741,0.909967845659164,0.966817208663584,0.966621634506582,0.9073579651479918,0.9087947882736156
|
100 |
+
99,0.23283976175989227,0.22645649668488088,0.9086421842387319,0.909967845659164,0.9656795890973866,0.9667399588047638,0.9071467476994525,0.9085963003264418
|
101 |
+
100,0.230058534892002,0.22646274477530906,0.9086421842387319,0.9105037513397642,0.9665178720239738,0.9668220965457346,0.9071360990854096,0.909386869234943
|
training_metrics.csv
ADDED
@@ -0,0 +1,101 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
epoch,train_loss,val_loss,train_accuracy,val_accuracy,train_auc,val_auc,train_f1,val_f1
|
2 |
+
1,0.554731099829292,0.4426787463990055,0.733372821120325,0.8156484458735263,0.8141046006589305,0.9003519860676011,0.7290860631072135,0.8105726872246696
|
3 |
+
2,0.4214855001438368,0.3717156842207219,0.8304281604332374,0.8478027867095391,0.9060936389849512,0.9301392665501803,0.8267834505013253,0.8458197611292074
|
4 |
+
3,0.37642084560149774,0.3395733786357561,0.8466463586619282,0.8681672025723473,0.9225484396678889,0.9388596524482217,0.8435710792070662,0.8673139158576052
|
5 |
+
4,0.35246900208691573,0.321260730169977,0.8573926778360693,0.8719185423365488,0.9305467794045229,0.9425552764021142,0.8547042933501925,0.8701792504073873
|
6 |
+
5,0.33467892256156706,0.3087988721979393,0.8646697128673775,0.87513397642015,0.9362509012788491,0.9462468796274278,0.8619916009894725,0.8731627653783343
|
7 |
+
6,0.32256337735511303,0.3007821044929541,0.8680543803237999,0.8810289389067524,0.9401484845040247,0.9482836658475868,0.8657059195039329,0.8801295896328294
|
8 |
+
7,0.31015205731809914,0.2933223250402898,0.8767416934619507,0.8831725616291533,0.9445788850701992,0.9497483598299346,0.8744397195724629,0.8817787418655098
|
9 |
+
8,0.302781367860766,0.28809344021070427,0.8789699328707621,0.8869239013933548,0.946854773374442,0.9509092016096699,0.8769394017608764,0.8847624249044238
|
10 |
+
9,0.2966128386182619,0.28377518441132793,0.8813674056523947,0.8906752411575563,0.9484637664844342,0.9518058240827856,0.8794773339446387,0.8888888888888888
|
11 |
+
10,0.2909349790128239,0.2808005066163287,0.8831161505048796,0.8869239013933548,0.9500670109231342,0.9526708551170665,0.8810152750660388,0.8857606930157012
|
12 |
+
11,0.2899731576926899,0.2774898904312845,0.8840187284932589,0.8922829581993569,0.9499359704940449,0.9533538045856984,0.8821100917431193,0.8901038819026791
|
13 |
+
12,0.2848333710794179,0.27567654637278466,0.8873469848254075,0.887459807073955,0.9515821700611369,0.9546323962738186,0.8854274239816409,0.8875802997858673
|
14 |
+
13,0.2820763354561498,0.27218886361819755,0.8879110960681447,0.8944265809217578,0.9524957060066684,0.9547242986413383,0.8859488003673516,0.892992938620315
|
15 |
+
14,0.27671941115198895,0.27000930704104553,0.8899136909798613,0.8938906752411575,0.9541965139732698,0.9553067298954956,0.8881116876415446,0.8920392584514721
|
16 |
+
15,0.275383213991077,0.2683659881065896,0.8902239521633666,0.8938906752411575,0.9544524467921807,0.9555554406775962,0.8881801988162961,0.8927410617551462
|
17 |
+
16,0.2732656028371996,0.26612754199665845,0.8929034805663677,0.8944265809217578,0.9548466611702813,0.956300998634101,0.8910567239548963,0.8927599346761024
|
18 |
+
17,0.27039860136760313,0.2647969318835298,0.8928752750042308,0.8933547695605574,0.9560179835749275,0.9567679775390614,0.8910123966942148,0.8921409214092141
|
19 |
+
18,0.2701098095480007,0.2643062428741976,0.890929091216788,0.8917470525187567,0.9556225742751163,0.9572510393583377,0.8889909573704607,0.8915145005370569
|
20 |
+
19,0.2673053354614982,0.26280913787064447,0.8942855531110735,0.8933547695605574,0.9566946338490823,0.957660004893801,0.8924718843240762,0.8929532006455083
|
21 |
+
20,0.2656340972786931,0.2605341673855613,0.8932983584362837,0.8965702036441586,0.9571255184810649,0.9576519634366432,0.8915331020443272,0.8944778567523237
|
22 |
+
21,0.2651552653722219,0.2598317662236008,0.8945394031703052,0.8981779206859593,0.9569666670844915,0.9579856839086996,0.8928622596636007,0.8958333333333334
|
23 |
+
22,0.26469722586368866,0.2590290212650391,0.8948214587916737,0.8933547695605574,0.9569578268913831,0.9582613910112591,0.8929279007666465,0.8921409214092141
|
24 |
+
23,0.26186570272991994,0.2579307571484728,0.8977830428160434,0.8965702036441586,0.9580330114004219,0.9584296872217799,0.8960591980726209,0.8949373979314099
|
25 |
+
24,0.2579116345985143,0.25682058671663044,0.8975856038810853,0.8971061093247589,0.9594748443506277,0.9587111382223095,0.8958136064962268,0.8954248366013072
|
26 |
+
25,0.25656496457166733,0.2556361715126651,0.8992779376092965,0.8997856377277599,0.9595575946679747,0.9588685210266874,0.8976350867134871,0.8978700163844894
|
27 |
+
26,0.25401236226583296,0.2544137238497903,0.8991087042364755,0.8992497320471597,0.9604714711105051,0.9592614036478349,0.8974160429034386,0.8974918211559433
|
28 |
+
27,0.25648979515084397,0.2537511621161673,0.8989112653015174,0.8981779206859593,0.9594506611081772,0.9593975340297236,0.8972241339756825,0.8964013086150491
|
29 |
+
28,0.2566117528711888,0.25285178662496366,0.897472781632538,0.9008574490889604,0.9595389087018364,0.9596893240465991,0.8959019445001288,0.8986301369863013
|
30 |
+
29,0.2545710753054965,0.25227010412998135,0.9009702713375077,0.8992497320471597,0.9601201227587784,0.9598691080530598,0.899326164874552,0.8969298245614035
|
31 |
+
30,0.2545856589249375,0.25052768298667344,0.8985727985558752,0.9019292604501608,0.9599301747577933,0.9603349381784262,0.8968977578989621,0.8998357963875205
|
32 |
+
31,0.2542125528426436,0.24989934323109997,0.9002087211598128,0.9008574490889604,0.9601285715394489,0.9605807770115417,0.8985897729878468,0.8989623156744948
|
33 |
+
32,0.2534088333471311,0.24950768360179337,0.8990804986743386,0.9013933547695605,0.9602463294033711,0.9605847977401207,0.8973785349624276,0.8995633187772926
|
34 |
+
33,0.2509741070892307,0.24933482486143757,0.9006318045918655,0.9013933547695605,0.9610353007272198,0.9607473500526715,0.8989473080343057,0.8997821350762527
|
35 |
+
34,0.2517422195981049,0.24834351969876856,0.8997292266034862,0.9008574490889604,0.9607181484572578,0.9609592998877642,0.8980177285636421,0.899292324442025
|
36 |
+
35,0.2512538621602758,0.2483399204215053,0.8998702544141705,0.8992497320471597,0.9609109493139382,0.9614147909967845,0.8981640849110729,0.8984881209503239
|
37 |
+
36,0.2508803660755816,0.2465167084882497,0.9007728324025498,0.9030010718113612,0.9610671037833485,0.9615267970071993,0.8991225554854619,0.9013623978201635
|
38 |
+
37,0.25075123252693543,0.24687512127916145,0.9022959327579398,0.9003215434083601,0.9608556471915717,0.9617008371156901,0.9007506733138502,0.8993506493506493
|
39 |
+
38,0.24796243524628053,0.2454296227340913,0.9026626050657189,0.9035369774919614,0.9618967883651629,0.9617915907036161,0.9010579431749763,0.9018538713195202
|
40 |
+
39,0.24702051771153127,0.24493288442827882,0.9016189992666553,0.9019292604501608,0.9621497617241781,0.9618714308853988,0.9001717229536348,0.9000546149645002
|
41 |
+
40,0.2483579082716175,0.24446345688445775,0.9026061939414453,0.9030010718113612,0.9616796737952196,0.9620586819592205,0.9010119542470545,0.9012547735951991
|
42 |
+
41,0.2457593968070326,0.24366766511435678,0.9033959496812771,0.9035369774919614,0.9625153091189751,0.9622074489166434,0.9018258950325336,0.9017467248908297
|
43 |
+
42,0.2470528835733039,0.24381492097661425,0.9011959158346026,0.9030010718113612,0.9620077267424647,0.9622361684064934,0.8995094523652428,0.9017905588714054
|
44 |
+
43,0.24520495596735342,0.24327181389860786,0.9021549049472556,0.9030010718113612,0.9627314769799732,0.9623148598086823,0.9005931741983552,0.9014697876973327
|
45 |
+
44,0.24572132817327846,0.24283968511118384,0.9031985107463192,0.9030010718113612,0.9624064885057172,0.9624004438884352,0.9015603487838458,0.9014697876973327
|
46 |
+
45,0.24365230141446198,0.24242445994228412,0.904185705421109,0.9035369774919614,0.9629564738963274,0.962527958423369,0.9025614548375068,0.9013157894736842
|
47 |
+
46,0.2416662934125428,0.24126989602850948,0.9034805663676877,0.9056806002143623,0.9636261185242876,0.9628168764912596,0.9018246499885242,0.9037199124726477
|
48 |
+
47,0.24152727781929406,0.24143887672968617,0.9055959835279517,0.9040728831725616,0.9637582870485738,0.9627198046155667,0.9040066538560817,0.9022392135445112
|
49 |
+
48,0.23979752328335724,0.24041775328936685,0.906103683646415,0.905144694533762,0.9641310501157515,0.9629788544140131,0.9045338533451865,0.9034369885433715
|
50 |
+
49,0.24200456790319655,0.2405250100269195,0.904185705421109,0.905144694533762,0.9635459489832583,0.9629828751425923,0.9025111206772851,0.903013698630137
|
51 |
+
50,0.24151024622831638,0.23964024543570553,0.9036497997405089,0.905144694533762,0.9636266276786783,0.9632913224635807,0.902153987167736,0.903013698630137
|
52 |
+
51,0.24231489310613197,0.23985160288320093,0.9050882834094883,0.9056806002143623,0.9632870646599887,0.9633516333922658,0.9034571797446564,0.9032967032967033
|
53 |
+
52,0.24250636295550848,0.23938114687177528,0.9041574998589722,0.9067524115755627,0.9631289499461743,0.9633206163432277,0.9024011948529411,0.9048140043763676
|
54 |
+
53,0.2408441334337445,0.23889145691103492,0.9048626389123935,0.905144694533762,0.9638719159886091,0.9634171138291235,0.9031609772903448,0.9032258064516129
|
55 |
+
54,0.24036662426318064,0.23824931048695297,0.9059626558357308,0.9067524115755627,0.9637484269555766,0.9636376795111713,0.9044589637780834,0.9048140043763676
|
56 |
+
55,0.24197308309622112,0.23772611653498132,0.9060754780842782,0.9067524115755627,0.9631883937212875,0.9637657684359021,0.9044750430292599,0.9051254089422028
|
57 |
+
56,0.24021000102260712,0.23715995831888206,0.9055677779658149,0.9072883172561629,0.9638672333593221,0.9639208536810919,0.9042224510813595,0.9055161114145276
|
58 |
+
57,0.2400423832644987,0.23707330916855496,0.9060472725221413,0.905144694533762,0.9637535853259973,0.9639794414403858,0.904416195586674,0.9036472509526402
|
59 |
+
58,0.24227456449655374,0.23710661795936597,0.9048626389123935,0.9067524115755627,0.963068020076683,0.9639627841362729,0.9034271480516506,0.9045005488474204
|
60 |
+
59,0.2400296271845943,0.2368555197857584,0.9053985445929937,0.9046087888531619,0.963807347256332,0.9640041402016567,0.9039353840866128,0.9031556039173014
|
61 |
+
60,0.23907568400171247,0.23625841056418956,0.9052293112201726,0.9062165058949625,0.9641325664411714,0.9641575022774554,0.9036089276493201,0.9045280960174578
|
62 |
+
61,0.23996767193901092,0.23735436955257244,0.9036780053026456,0.9072883172561629,0.9639445818668056,0.9642959302185324,0.9020900828578801,0.9045780474351903
|
63 |
+
62,0.23902333768506728,0.2351343004074894,0.9052857223444464,0.9072883172561629,0.9641233634755597,0.964519367849565,0.9036165327210103,0.9055161114145276
|
64 |
+
63,0.2367511884268215,0.23539448565417165,0.9065549726406047,0.9072883172561629,0.9647621390274768,0.9643734728411273,0.9050797925679741,0.9055161114145276
|
65 |
+
64,0.23737261579875554,0.23529852773407264,0.907062672759068,0.9056806002143623,0.9646718579984697,0.9643401582329013,0.9055413811885445,0.9038251366120219
|
66 |
+
65,0.23644932367148425,0.23445784068184267,0.9072601116940261,0.9067524115755627,0.9649134310724559,0.96462562996201,0.9057231333868563,0.9046052631578947
|
67 |
+
66,0.23568472362528964,0.23415984893726766,0.9077678118124894,0.9072883172561629,0.9651378360968309,0.9646675604171907,0.906389556853315,0.9056192034915439
|
68 |
+
67,0.2364068846625712,0.23402408522424975,0.906498561516331,0.9078242229367631,0.9649563877919556,0.9647795664276055,0.9048916941615264,0.9064200217627857
|
69 |
+
68,0.23520007983220775,0.23379497460038715,0.9065267670784679,0.9078242229367631,0.9653090710828504,0.9648835309808624,0.9050538620215448,0.9066232356134636
|
70 |
+
69,0.2352374224245982,0.23364405549607475,0.9079652507474474,0.9067524115755627,0.9650143566104433,0.9647789920378087,0.9065176908752328,0.9051254089422028
|
71 |
+
70,0.23423766479070143,0.23336377495546434,0.9074011395047104,0.9072883172561629,0.9653419194965873,0.9649783052973673,0.9057989727697914,0.9061313076505697
|
72 |
+
71,0.23608453525143602,0.23303353091719833,0.909403734416427,0.9067524115755627,0.9646400517601261,0.9649358004523892,0.9079022823718317,0.9051254089422028
|
73 |
+
72,0.23777516000886964,0.233538189405797,0.9086421842387319,0.9078242229367631,0.9640386879181727,0.9650788235118422,0.9071786788938243,0.907027027027027
|
74 |
+
73,0.23367512598822898,0.2321570081534493,0.9075703728775314,0.9078242229367631,0.965726447212405,0.9653964610695829,0.9060466183090111,0.9068255687973997
|
75 |
+
74,0.23405682449515125,0.23193818728448493,0.9088678287358267,0.9072883172561629,0.9656194643282758,0.965251714840739,0.907386705649669,0.9054127938764353
|
76 |
+
75,0.2355409351565709,0.2317976677532748,0.9073729339425735,0.9088960342979635,0.9650785466591423,0.9653051330918597,0.9059025787965616,0.9074074074074074
|
77 |
+
76,0.23761614111599977,0.2315080490717934,0.9067524115755627,0.9083601286173634,0.9644883364805599,0.9654487305411096,0.9052776345195118,0.9069134458356015
|
78 |
+
77,0.2357636855845525,0.2322256805141639,0.9072319061318892,0.9083601286173634,0.9647916047467306,0.9653189184469879,0.9057674125433344,0.9060955518945635
|
79 |
+
78,0.23498972783608774,0.23139425494088237,0.9069780560726576,0.9083601286173634,0.9651714323310792,0.9654671110146136,0.905360422405877,0.9064039408866995
|
80 |
+
79,0.23605353949456917,0.23136491714183158,0.9086703898008688,0.9088960342979635,0.9646732295331097,0.9655170829269525,0.9071727538558569,0.9077090119435396
|
81 |
+
80,0.2361494849924106,0.23112490279689862,0.9072883172561629,0.9078242229367631,0.9647387911164486,0.9654826195391325,0.9058247142079477,0.9060109289617486
|
82 |
+
81,0.23316260048592224,0.23023091448273306,0.9083601286173634,0.9088960342979635,0.9657079760457752,0.9658605680255581,0.9066942362367537,0.9075081610446137
|
83 |
+
82,0.23161094706460775,0.23075560262348874,0.9090370621086479,0.9078242229367631,0.9663212636471157,0.9658473570602271,0.9076063601203266,0.9069264069264069
|
84 |
+
83,0.23374114770749274,0.22986160324125812,0.9080216618717211,0.9088960342979635,0.9654216992162863,0.965905370429724,0.9065428595993466,0.9073064340239912
|
85 |
+
84,0.23217821561013166,0.22929077214558408,0.9086421842387319,0.9078242229367631,0.965855046882634,0.9660587325055228,0.9071839986245236,0.9061135371179039
|
86 |
+
85,0.23363418680426432,0.2292614683173477,0.9077678118124894,0.909967845659164,0.9654864334237404,0.9661425934158846,0.9061261985416547,0.9083969465648855
|
87 |
+
86,0.23440750681631736,0.2296893270835999,0.908416539741637,0.9067524115755627,0.9651289036194892,0.9659898057298828,0.9068960573476702,0.904709748083242
|
88 |
+
87,0.23539840295232478,0.22916019164097653,0.9075421673153946,0.9088960342979635,0.9650829778934487,0.9661322543995386,0.905993690851735,0.9069003285870756
|
89 |
+
88,0.23367340945465187,0.22869087175924294,0.9085857731144582,0.9083601286173634,0.9655717820195876,0.9662821701365554,0.9070254453656158,0.9061985737794843
|
90 |
+
89,0.2293304644158133,0.2293105637624716,0.9096011733513849,0.9088960342979635,0.9669502109281849,0.9660765385892298,0.9080159572941481,0.9078091106290672
|
91 |
+
90,0.23371006590518315,0.22837583830885566,0.909008856546511,0.9088960342979635,0.9653334691248094,0.9662976786610744,0.9073999655548539,0.9072052401746725
|
92 |
+
91,0.23187188651834492,0.22847699232615076,0.9088396231736898,0.9105037513397642,0.9659525388106993,0.9662390909017804,0.9073235074840855,0.9090909090909091
|
93 |
+
92,0.2307718361739399,0.22856285789580208,0.9084729508659107,0.9110396570203644,0.9663317060854473,0.9662023299547725,0.9068946719077268,0.9095860566448801
|
94 |
+
93,0.23158268793411194,0.22784640608876464,0.9084729508659107,0.9088960342979635,0.9661077608911315,0.9664361066021512,0.9069053561694925,0.9075081610446137
|
95 |
+
94,0.2312952274446218,0.2286910174648095,0.9082755119309528,0.9078242229367631,0.9661379378354248,0.9661517836526367,0.9066590126291619,0.9058050383351588
|
96 |
+
95,0.2319190631937226,0.22736113314843254,0.9089806509843741,0.909967845659164,0.9658793430937147,0.9666095723208449,0.9073792371057088,0.908695652173913
|
97 |
+
96,0.23216155890856405,0.22786665485027902,0.908613978676595,0.9078242229367631,0.9657993740322267,0.9666250808453639,0.9069820854386771,0.907027027027027
|
98 |
+
97,0.23347731446792155,0.2273794263601303,0.9083319230552265,0.9094319399785638,0.965385261264095,0.966592340626935,0.906930126002291,0.906989543203082
|
99 |
+
98,0.22915845249969757,0.22710580203885816,0.9089806509843741,0.909967845659164,0.966817208663584,0.966621634506582,0.9073579651479918,0.9087947882736156
|
100 |
+
99,0.23283976175989227,0.22645649668488088,0.9086421842387319,0.909967845659164,0.9656795890973866,0.9667399588047638,0.9071467476994525,0.9085963003264418
|
101 |
+
100,0.230058534892002,0.22646274477530906,0.9086421842387319,0.9105037513397642,0.9665178720239738,0.9668220965457346,0.9071360990854096,0.909386869234943
|