parlange commited on
Commit
ee126e5
·
verified ·
1 Parent(s): 1cdb02d

Upload Twins_PCPVT model from experiment b1

Browse files
This view is limited to 50 files because it contains too many changes.   See raw diff
Files changed (50) hide show
  1. .gitattributes +2 -0
  2. README.md +161 -0
  3. config.json +76 -0
  4. confusion_matrices/Twins_PCPVT_Confusion_Matrix_a.png +0 -0
  5. confusion_matrices/Twins_PCPVT_Confusion_Matrix_b.png +0 -0
  6. confusion_matrices/Twins_PCPVT_Confusion_Matrix_c.png +0 -0
  7. confusion_matrices/Twins_PCPVT_Confusion_Matrix_d.png +0 -0
  8. confusion_matrices/Twins_PCPVT_Confusion_Matrix_e.png +0 -0
  9. confusion_matrices/Twins_PCPVT_Confusion_Matrix_f.png +0 -0
  10. confusion_matrices/Twins_PCPVT_Confusion_Matrix_g.png +0 -0
  11. confusion_matrices/Twins_PCPVT_Confusion_Matrix_h.png +0 -0
  12. confusion_matrices/Twins_PCPVT_Confusion_Matrix_i.png +0 -0
  13. confusion_matrices/Twins_PCPVT_Confusion_Matrix_j.png +0 -0
  14. confusion_matrices/Twins_PCPVT_Confusion_Matrix_k.png +0 -0
  15. confusion_matrices/Twins_PCPVT_Confusion_Matrix_l.png +0 -0
  16. evaluation_results.csv +133 -0
  17. model.safetensors +3 -0
  18. pytorch_model.bin +3 -0
  19. roc_confusion_matrix/Twins_PCPVT_roc_confusion_matrix_a.png +0 -0
  20. roc_confusion_matrix/Twins_PCPVT_roc_confusion_matrix_b.png +0 -0
  21. roc_confusion_matrix/Twins_PCPVT_roc_confusion_matrix_c.png +0 -0
  22. roc_confusion_matrix/Twins_PCPVT_roc_confusion_matrix_d.png +0 -0
  23. roc_confusion_matrix/Twins_PCPVT_roc_confusion_matrix_e.png +0 -0
  24. roc_confusion_matrix/Twins_PCPVT_roc_confusion_matrix_f.png +0 -0
  25. roc_confusion_matrix/Twins_PCPVT_roc_confusion_matrix_g.png +0 -0
  26. roc_confusion_matrix/Twins_PCPVT_roc_confusion_matrix_h.png +0 -0
  27. roc_confusion_matrix/Twins_PCPVT_roc_confusion_matrix_i.png +0 -0
  28. roc_confusion_matrix/Twins_PCPVT_roc_confusion_matrix_j.png +0 -0
  29. roc_confusion_matrix/Twins_PCPVT_roc_confusion_matrix_k.png +0 -0
  30. roc_confusion_matrix/Twins_PCPVT_roc_confusion_matrix_l.png +0 -0
  31. roc_curves/Twins_PCPVT_ROC_a.png +0 -0
  32. roc_curves/Twins_PCPVT_ROC_b.png +0 -0
  33. roc_curves/Twins_PCPVT_ROC_c.png +0 -0
  34. roc_curves/Twins_PCPVT_ROC_d.png +0 -0
  35. roc_curves/Twins_PCPVT_ROC_e.png +0 -0
  36. roc_curves/Twins_PCPVT_ROC_f.png +0 -0
  37. roc_curves/Twins_PCPVT_ROC_g.png +0 -0
  38. roc_curves/Twins_PCPVT_ROC_h.png +0 -0
  39. roc_curves/Twins_PCPVT_ROC_i.png +0 -0
  40. roc_curves/Twins_PCPVT_ROC_j.png +0 -0
  41. roc_curves/Twins_PCPVT_ROC_k.png +0 -0
  42. roc_curves/Twins_PCPVT_ROC_l.png +0 -0
  43. training_curves/Twins_PCPVT_accuracy.png +0 -0
  44. training_curves/Twins_PCPVT_auc.png +0 -0
  45. training_curves/Twins_PCPVT_combined_metrics.png +3 -0
  46. training_curves/Twins_PCPVT_f1.png +0 -0
  47. training_curves/Twins_PCPVT_loss.png +0 -0
  48. training_curves/Twins_PCPVT_metrics.csv +101 -0
  49. training_metrics.csv +101 -0
  50. training_notebook_b1.ipynb +3 -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/Twins_PCPVT_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
+ - twins_pcpvt
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: Twins_PCPVT-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.7261
31
+ name: Average Accuracy
32
+ - type: auc
33
+ value: 0.6777
34
+ name: Average AUC-ROC
35
+ - type: f1
36
+ value: 0.3650
37
+ name: Average F1-Score
38
+ ---
39
+
40
+ # 🌌 twins_pcpvt-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**: Twins_PCPVT
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/twins_pcpvt-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
+ ![Combined Training Metrics](https://huggingface.co/parlange/twins_pcpvt-gravit-b1/resolve/main/training_curves/Twins_PCPVT_combined_metrics.png)
98
+
99
+
100
+ ## 🏁 Final Epoch Training Metrics
101
+
102
+ | Metric | Training | Validation |
103
+ |:---------:|:-----------:|:-------------:|
104
+ | 📉 Loss | 0.2726 | 0.2539 |
105
+ | 🎯 Accuracy | 0.8902 | 0.8955 |
106
+ | 📊 AUC-ROC | 0.9543 | 0.9598 |
107
+ | ⚖️ F1 Score | 0.8883 | 0.8940 |
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
+ ![ROC + Confusion Matrix - Dataset A](https://huggingface.co/parlange/twins_pcpvt-gravit-b1/resolve/main/roc_confusion_matrix/Twins_PCPVT_roc_confusion_matrix_a.png)
117
+ ![ROC + Confusion Matrix - Dataset B](https://huggingface.co/parlange/twins_pcpvt-gravit-b1/resolve/main/roc_confusion_matrix/Twins_PCPVT_roc_confusion_matrix_b.png)
118
+ ![ROC + Confusion Matrix - Dataset C](https://huggingface.co/parlange/twins_pcpvt-gravit-b1/resolve/main/roc_confusion_matrix/Twins_PCPVT_roc_confusion_matrix_c.png)
119
+ ![ROC + Confusion Matrix - Dataset D](https://huggingface.co/parlange/twins_pcpvt-gravit-b1/resolve/main/roc_confusion_matrix/Twins_PCPVT_roc_confusion_matrix_d.png)
120
+ ![ROC + Confusion Matrix - Dataset E](https://huggingface.co/parlange/twins_pcpvt-gravit-b1/resolve/main/roc_confusion_matrix/Twins_PCPVT_roc_confusion_matrix_e.png)
121
+ ![ROC + Confusion Matrix - Dataset F](https://huggingface.co/parlange/twins_pcpvt-gravit-b1/resolve/main/roc_confusion_matrix/Twins_PCPVT_roc_confusion_matrix_f.png)
122
+ ![ROC + Confusion Matrix - Dataset G](https://huggingface.co/parlange/twins_pcpvt-gravit-b1/resolve/main/roc_confusion_matrix/Twins_PCPVT_roc_confusion_matrix_g.png)
123
+ ![ROC + Confusion Matrix - Dataset H](https://huggingface.co/parlange/twins_pcpvt-gravit-b1/resolve/main/roc_confusion_matrix/Twins_PCPVT_roc_confusion_matrix_h.png)
124
+ ![ROC + Confusion Matrix - Dataset I](https://huggingface.co/parlange/twins_pcpvt-gravit-b1/resolve/main/roc_confusion_matrix/Twins_PCPVT_roc_confusion_matrix_i.png)
125
+ ![ROC + Confusion Matrix - Dataset J](https://huggingface.co/parlange/twins_pcpvt-gravit-b1/resolve/main/roc_confusion_matrix/Twins_PCPVT_roc_confusion_matrix_j.png)
126
+ ![ROC + Confusion Matrix - Dataset K](https://huggingface.co/parlange/twins_pcpvt-gravit-b1/resolve/main/roc_confusion_matrix/Twins_PCPVT_roc_confusion_matrix_k.png)
127
+ ![ROC + Confusion Matrix - Dataset L](https://huggingface.co/parlange/twins_pcpvt-gravit-b1/resolve/main/roc_confusion_matrix/Twins_PCPVT_roc_confusion_matrix_l.png)
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.7261 |
136
+ | 📈 Average AUC-ROC | 0.6777 |
137
+ | ⚖️ Average F1-Score | 0.3650 |
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": "twins_pcpvt_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/twins_pcpvt-gravit-b1",
75
+ "license": "apache-2.0"
76
+ }
confusion_matrices/Twins_PCPVT_Confusion_Matrix_a.png ADDED
confusion_matrices/Twins_PCPVT_Confusion_Matrix_b.png ADDED
confusion_matrices/Twins_PCPVT_Confusion_Matrix_c.png ADDED
confusion_matrices/Twins_PCPVT_Confusion_Matrix_d.png ADDED
confusion_matrices/Twins_PCPVT_Confusion_Matrix_e.png ADDED
confusion_matrices/Twins_PCPVT_Confusion_Matrix_f.png ADDED
confusion_matrices/Twins_PCPVT_Confusion_Matrix_g.png ADDED
confusion_matrices/Twins_PCPVT_Confusion_Matrix_h.png ADDED
confusion_matrices/Twins_PCPVT_Confusion_Matrix_i.png ADDED
confusion_matrices/Twins_PCPVT_Confusion_Matrix_j.png ADDED
confusion_matrices/Twins_PCPVT_Confusion_Matrix_k.png ADDED
confusion_matrices/Twins_PCPVT_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:ebcee025266737e9574233571a424d133d28a0203cd847a4bdac9458ddd58436
3
+ size 173314712
pytorch_model.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:6664bb948fdca2ff06fbbd913377a635b394e205f7dd76c3cb3f9b5019c65eed
3
+ size 173459470
roc_confusion_matrix/Twins_PCPVT_roc_confusion_matrix_a.png ADDED
roc_confusion_matrix/Twins_PCPVT_roc_confusion_matrix_b.png ADDED
roc_confusion_matrix/Twins_PCPVT_roc_confusion_matrix_c.png ADDED
roc_confusion_matrix/Twins_PCPVT_roc_confusion_matrix_d.png ADDED
roc_confusion_matrix/Twins_PCPVT_roc_confusion_matrix_e.png ADDED
roc_confusion_matrix/Twins_PCPVT_roc_confusion_matrix_f.png ADDED
roc_confusion_matrix/Twins_PCPVT_roc_confusion_matrix_g.png ADDED
roc_confusion_matrix/Twins_PCPVT_roc_confusion_matrix_h.png ADDED
roc_confusion_matrix/Twins_PCPVT_roc_confusion_matrix_i.png ADDED
roc_confusion_matrix/Twins_PCPVT_roc_confusion_matrix_j.png ADDED
roc_confusion_matrix/Twins_PCPVT_roc_confusion_matrix_k.png ADDED
roc_confusion_matrix/Twins_PCPVT_roc_confusion_matrix_l.png ADDED
roc_curves/Twins_PCPVT_ROC_a.png ADDED
roc_curves/Twins_PCPVT_ROC_b.png ADDED
roc_curves/Twins_PCPVT_ROC_c.png ADDED
roc_curves/Twins_PCPVT_ROC_d.png ADDED
roc_curves/Twins_PCPVT_ROC_e.png ADDED
roc_curves/Twins_PCPVT_ROC_f.png ADDED
roc_curves/Twins_PCPVT_ROC_g.png ADDED
roc_curves/Twins_PCPVT_ROC_h.png ADDED
roc_curves/Twins_PCPVT_ROC_i.png ADDED
roc_curves/Twins_PCPVT_ROC_j.png ADDED
roc_curves/Twins_PCPVT_ROC_k.png ADDED
roc_curves/Twins_PCPVT_ROC_l.png ADDED
training_curves/Twins_PCPVT_accuracy.png ADDED
training_curves/Twins_PCPVT_auc.png ADDED
training_curves/Twins_PCPVT_combined_metrics.png ADDED

Git LFS Details

  • SHA256: b7dd71b3e7195ee8dc820ee4f775c3c54c1d2ade44be169a15647a7d28fe2fe3
  • Pointer size: 131 Bytes
  • Size of remote file: 162 kB
training_curves/Twins_PCPVT_f1.png ADDED
training_curves/Twins_PCPVT_loss.png ADDED
training_curves/Twins_PCPVT_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.5867938146027923,0.507082595894191,0.7184802843120663,0.7872454448017149,0.8025507403456476,0.8638558327560716,0.721488963919971,0.7893899204244031
3
+ 2,0.475526265256557,0.4339585316717816,0.8106278558131663,0.8242229367631297,0.8865882636367958,0.9032147448158448,0.8058976582827406,0.8205689277899344
4
+ 3,0.42798071626096557,0.3990096813037848,0.829948665876911,0.8311897106109325,0.9061775730862568,0.9130362359547336,0.824977501669231,0.8292682926829268
5
+ 4,0.40212670759433294,0.37741766980223335,0.8353641338071868,0.8365487674169346,0.91284224176745,0.9191322348702855,0.8309536911002345,0.8330596606458676
6
+ 5,0.38578757415731296,0.36258922560421986,0.841287301855926,0.8435155412647374,0.91720069245379,0.9239479189283264,0.8369788799721877,0.8414766558089034
7
+ 6,0.3724290673947411,0.35202105999759536,0.843966830258927,0.8461950696677385,0.9212715090959684,0.9270479006627309,0.8399676000925712,0.8449486763911399
8
+ 7,0.36272264141724947,0.34285715375682546,0.8492130648163818,0.8467309753483387,0.9240859109059563,0.9300582775888036,0.8457587997691863,0.8421633554083885
9
+ 8,0.3566680752569335,0.3356337147701975,0.8511592486038246,0.8515541264737406,0.9259817711463092,0.9330232777209132,0.8478154289834174,0.8500270709258256
10
+ 9,0.35008162647399993,0.33031290232943566,0.8531054323912676,0.8515541264737406,0.928220080674304,0.9340715391004366,0.8496709386906823,0.8490463215258856
11
+ 10,0.34705224078930985,0.32554953638763673,0.855531110735037,0.8547695605573419,0.9286802019060647,0.9357539268158472,0.8523664034126939,0.85199344620426
12
+ 11,0.3424282517453744,0.3206893384839944,0.8578721723923958,0.857449088960343,0.930297314437481,0.9378067959503221,0.8548298810175449,0.8557483731019523
13
+ 12,0.3379918640388977,0.317223266485803,0.859367067185649,0.8585209003215434,0.9319557989453561,0.9388900951074626,0.8564270905321355,0.8566775244299675
14
+ 13,0.33412983544507513,0.31334948769719656,0.8601004118012072,0.8612004287245445,0.9332489667690171,0.9405782267208431,0.8572251007484168,0.8593155893536122
15
+ 14,0.32888686791110266,0.3098368601592024,0.8629773791391663,0.8622722400857449,0.9357352122097743,0.9418246525803313,0.8601531464102712,0.8600979858464889
16
+ 15,0.3273507846775626,0.30719300884142564,0.8644440683702826,0.8654876741693462,0.9356943334766317,0.9427402299167479,0.8615145228215768,0.8632152588555858
17
+ 16,0.32592006368894505,0.3048857606683897,0.8639645738139561,0.867631296891747,0.9363972720284208,0.9435116354141178,0.8615552429887763,0.8658337859858772
18
+ 17,0.32419755862214716,0.3030535816379682,0.8658825520392621,0.8681672025723473,0.9371208949773318,0.9440130777068981,0.8634679989663192,0.866304347826087
19
+ 18,0.3236410498044115,0.3023393719525966,0.8650363851751566,0.867631296891747,0.9367262589557512,0.9450113671740826,0.862218894871721,0.8684070324986681
20
+ 19,0.3201562567806462,0.299248515409672,0.8665030744062729,0.8697749196141479,0.9381683464831524,0.9453870181013201,0.864130902827616,0.8680065181966322
21
+ 20,0.3168505465778568,0.2970332518651171,0.869380041744232,0.8697749196141479,0.9395137662761583,0.9462015028334648,0.8667989760404982,0.867430441898527
22
+ 21,0.31423683772435707,0.294650516996813,0.8700005641112427,0.8729903536977492,0.9407850706920615,0.9471452252699346,0.8676297423820328,0.8705625341343528
23
+ 22,0.31379464188996337,0.29292539806611284,0.8717211034015908,0.8762057877813505,0.9410597451658727,0.9478333442467395,0.8691674817329268,0.8745247148288974
24
+ 23,0.3146660006385222,0.2917743830243874,0.8701697974840639,0.8735262593783494,0.9401829701673491,0.9479424783081694,0.8679082847877866,0.87117903930131
25
+ 24,0.31197495454155383,0.290602652397953,0.8723416257686015,0.8735262593783494,0.9410253120090947,0.9483933742988135,0.8697254044096483,0.8703296703296703
26
+ 25,0.3115264173337985,0.28918666893262956,0.8737236983133074,0.8767416934619507,0.9412560575967412,0.9488701178303229,0.8714576933015591,0.8745910577971646
27
+ 26,0.3094100118651772,0.28889157908139124,0.8734416426919388,0.8767416934619507,0.9419045866374549,0.9490539225653627,0.8708591164196288,0.8756756756756757
28
+ 27,0.3091945387139339,0.2867086766425436,0.874569865177413,0.8740621650589496,0.9419203847435337,0.9497196403400845,0.8723923211569916,0.8713738368910783
29
+ 28,0.30707516379617844,0.2858569654621112,0.874569865177413,0.8804930332261522,0.9430009026448148,0.9503198776779489,0.8720839925212138,0.8797843665768194
30
+ 29,0.3043910893445331,0.2850272815518824,0.8760647599706662,0.8804930332261522,0.9439941642123915,0.9505214884966957,0.873713858711272,0.8797843665768194
31
+ 30,0.3016739707647554,0.28369614299853896,0.8772775991425509,0.8810289389067524,0.9453805566138807,0.9508115553441802,0.8749676714848128,0.88
32
+ 31,0.301931947651279,0.28282547859516943,0.8771929824561403,0.8794212218649518,0.9448431075590338,0.950839700444233,0.875035876241318,0.8777838131450298
33
+ 32,0.3034604337059477,0.28132074918010996,0.8749083319230552,0.8794212218649518,0.9440149249826718,0.9514646365433681,0.8726123797213845,0.8773841961852861
34
+ 33,0.3012877787293305,0.28154201024598247,0.8758673210357082,0.8815648445873526,0.9447847934702247,0.951530116980226,0.8735163098146286,0.8815013404825738
35
+ 34,0.29832437612780827,0.279618526386678,0.8781237660066565,0.8772775991425509,0.9462647684487233,0.9520832543547363,0.8760079198829235,0.8734107241569928
36
+ 35,0.299310989288292,0.2794432802982269,0.8784622327522987,0.882636655948553,0.9457266447643086,0.9518764740278165,0.8760535020854308,0.8816855753646677
37
+ 36,0.29721828688923974,0.278899494762206,0.8787160828115305,0.8847802786709539,0.9463826567834581,0.9523279444082577,0.8762447475968457,0.884841992501339
38
+ 37,0.2959723320683563,0.2769331600505056,0.8794494274270886,0.8815648445873526,0.9468634799145228,0.9527191038600142,0.8772826461467784,0.8790366721401204
39
+ 38,0.2969871090690705,0.27780125330882055,0.8809443222203418,0.8858520900321544,0.9464089784743493,0.9527041697252923,0.8788078899767435,0.8861571352218065
40
+ 39,0.2964623625114255,0.27564613573804164,0.8792801940542675,0.8815648445873526,0.9464867518075275,0.9532021656792906,0.8768699654775605,0.8802168021680217
41
+ 40,0.296600373732618,0.2751289114499782,0.8791673718057201,0.8847802786709539,0.9464275228319228,0.9532176742038097,0.8767690714532275,0.8829613500272183
42
+ 41,0.2946653902797978,0.27437370316008663,0.8791109606814463,0.8837084673097535,0.9470404922117691,0.9536737397026269,0.8768744613616777,0.8801766979569299
43
+ 42,0.29395623104405655,0.2744775811192307,0.8811699667174366,0.8869239013933548,0.9473890688542816,0.9535037203227151,0.8789611285086333,0.8864981172673481
44
+ 43,0.29220863607333664,0.272743314408796,0.8797878941727308,0.8837084673097535,0.9479320040476883,0.9541033832707821,0.8776412494258153,0.8814855270344074
45
+ 44,0.2916633205519531,0.2722419163038493,0.8827212726349636,0.8842443729903537,0.9481788580073705,0.9542498526690171,0.8806338634667279,0.8824809575625681
46
+ 45,0.2935910979429262,0.27149726905623434,0.8801545664805099,0.8847802786709539,0.9472718519668994,0.9545427914654867,0.877968925012206,0.8828337874659401
47
+ 46,0.2906290583954303,0.2718951017910261,0.8818186946465844,0.8858520900321544,0.9487282180927447,0.9542435343812502,0.8796046204241136,0.8848025959978366
48
+ 47,0.291026665441557,0.2713434527062143,0.8827776837592374,0.8853161843515541,0.948233305705025,0.9543854086611088,0.8807186728660812,0.8841991341991342
49
+ 48,0.2919911369542661,0.27036288409371084,0.8813956112145315,0.8869239013933548,0.9478516753959119,0.9549655423560779,0.8794057759040982,0.8836183121897407
50
+ 49,0.28972887553061544,0.26935066618145087,0.8811699667174366,0.8879957127545552,0.9488145547663313,0.9552716921178787,0.8788288417843482,0.8857299070530344
51
+ 50,0.2889289538163101,0.2694091582221617,0.8836802617476166,0.8879957127545552,0.9492046481760822,0.9551045446869518,0.8815691229682384,0.8868435300487276
52
+ 51,0.28959114566624394,0.26879929724805224,0.8828905060077847,0.8890675241157556,0.9486940204198724,0.9554738773264224,0.8806965116947302,0.8882892606583918
53
+ 52,0.2863325306704089,0.26868357487813455,0.8848648953573645,0.890139335476956,0.950047737838339,0.9553716359425565,0.8827819894325752,0.8891292590589508
54
+ 53,0.2861367264845424,0.2687697826953563,0.8840187284932589,0.8896034297963559,0.9501105213480339,0.9555324650857162,0.8819747416762342,0.8897216274089935
55
+ 54,0.28670308815987106,0.26783385685977446,0.8823263947650477,0.8896034297963559,0.9497164215296711,0.9559178806395027,0.8800735885937679,0.8893662728249194
56
+ 55,0.28877654085608784,0.26738407704799505,0.8822135725165002,0.8885316184351554,0.948949208600487,0.9558478050842687,0.8800895882386722,0.8852097130242825
57
+ 56,0.2867920233788154,0.26671853110529603,0.883426411688385,0.8890675241157556,0.9495762879213855,0.9558569953210206,0.88106132550577,0.8875611080934275
58
+ 57,0.2867183323478634,0.26630134918873716,0.8834828228126587,0.8912111468381565,0.9495219595567911,0.9561447646093173,0.8815144127348343,0.8904479222881814
59
+ 58,0.2863527278666933,0.2654062601051913,0.8829469171320584,0.8917470525187567,0.9498630007143213,0.9563957729506061,0.8808840413318025,0.8900979325353645
60
+ 59,0.2854739405400137,0.2658583392475962,0.8856828566593332,0.8906752411575563,0.9502032304070414,0.9562785974320182,0.8834373472146329,0.889967637540453
61
+ 60,0.2826503823303414,0.2645054162986026,0.8848084842330908,0.8912111468381565,0.9512076758690309,0.9566485044612856,0.882939692731025,0.8892525913802509
62
+ 61,0.2861231727171598,0.2645529829133362,0.883990522931122,0.8928188638799571,0.9497795614474392,0.9566530995796616,0.882003614768913,0.8921251348435815
63
+ 62,0.28608204399415693,0.2644325043419166,0.8834546172505218,0.8917470525187567,0.9497553909338485,0.9565698130590967,0.8813598254278167,0.8896174863387978
64
+ 63,0.2841643959631833,0.26429416713607273,0.884385400801038,0.8933547695605574,0.9503936175536882,0.9567484482859634,0.882222796885326,0.8926065839179709
65
+ 64,0.28382450100088064,0.2636657684466463,0.8874316015118181,0.8906752411575563,0.9506610795373336,0.956948335935319,0.8855824087612167,0.8879120879120879
66
+ 65,0.2827948132915371,0.26319921002319,0.8857110622214701,0.8922829581993569,0.9512077045089653,0.95709365655396,0.8835699097753003,0.8911748781808337
67
+ 66,0.28382800102617195,0.26298452516077414,0.8839341118068483,0.8917470525187567,0.950634496904817,0.9570172627109589,0.8818716807808239,0.8898582333696837
68
+ 67,0.27940960978418666,0.26243560466544036,0.887854684943871,0.8928188638799571,0.9522434947881318,0.9572452954603677,0.8857339924129211,0.8915401301518439
69
+ 68,0.2826506180001871,0.2620005993310278,0.886105940091386,0.8928188638799571,0.9509668681177383,0.9574612660240395,0.8841585862642722,0.8916576381365113
70
+ 69,0.28358180067183747,0.26240428069971766,0.8848931009195014,0.8933547695605574,0.9505442811112164,0.9573211149135716,0.8827399936787058,0.8924905456509995
71
+ 70,0.28171927551868947,0.26144935530864927,0.8871213403283127,0.894962486602358,0.9512120705078655,0.9575393830364313,0.8851913477537438,0.8933623503808488
72
+ 71,0.27942344579605466,0.2616694016663591,0.888418796186608,0.8933547695605574,0.9521303877313471,0.9574687330914003,0.8864197530864197,0.8923742563547864
73
+ 72,0.2793630799387368,0.26123206346172995,0.8873751903875444,0.8912111468381565,0.9522434502371226,0.9575686769160782,0.885485674954831,0.8885227896760022
74
+ 73,0.28198988702640576,0.26090800503442524,0.8853161843515541,0.8938906752411575,0.9511647923404749,0.957710551195937,0.8830668353847924,0.8928571428571429
75
+ 74,0.2812555983478516,0.26053048406766544,0.8851187454165962,0.8938906752411575,0.9513755011117402,0.9578127925798029,0.8830236365202907,0.8925081433224755
76
+ 75,0.2791225027011159,0.25998705802814753,0.8876854515710498,0.8928188638799571,0.9520884700050259,0.9579879814678877,0.8858044164037855,0.8911860718171926
77
+ 76,0.2811188490474702,0.2601044741953301,0.8861905567777966,0.8928188638799571,0.951320483797611,0.9582395641989733,0.8839883844627814,0.8923573735199138
78
+ 77,0.27762316290921496,0.2600092611895497,0.8871213403283127,0.8933547695605574,0.952847199149175,0.9580431228883994,0.8852111060119321,0.8924905456509995
79
+ 78,0.27727276860487443,0.2590719878769381,0.8870367236419022,0.8944265809217578,0.9528910134756016,0.9582763251459812,0.8849038710233641,0.8932249322493225
80
+ 79,0.27923347992750974,0.2593676322813586,0.8869803125176284,0.8922829581993569,0.9518748065471871,0.9580770118864224,0.8850116222343387,0.8899835796387521
81
+ 80,0.27848952205466787,0.25904111295842663,0.8880803294409657,0.8954983922829582,0.9523975426312505,0.9582751763663873,0.8859770114942529,0.8945375878853434
82
+ 81,0.2794308773322161,0.2580875710754916,0.8881367405652395,0.8922829581993569,0.9520822694592117,0.9585968346527066,0.8863089095287238,0.8899835796387521
83
+ 82,0.2778879048699634,0.2595111182456615,0.8881367405652395,0.8938906752411575,0.9525802192710934,0.9583171068215681,0.8861326442721792,0.8936627282491945
84
+ 83,0.2756550552972502,0.25830875418577165,0.8873469848254075,0.894962486602358,0.9534060756483327,0.9584515140340659,0.8854602810438773,0.8939393939393939
85
+ 84,0.2767694874410198,0.25793540985637925,0.8888418796186608,0.8960342979635584,0.9528598484535687,0.9584555347626449,0.8867691423646028,0.8944504896626768
86
+ 85,0.27873948963387685,0.25805614740135585,0.8879110960681447,0.8933547695605574,0.9522120147268198,0.958371673852283,0.886040376233081,0.8910782703886152
87
+ 86,0.275088728651881,0.2576048787192133,0.8890393185536187,0.8933547695605574,0.953536767624886,0.9588237186225214,0.8870319320009189,0.8926065839179709
88
+ 87,0.2783313797580992,0.2568594663376977,0.8871213403283127,0.8933547695605574,0.9523420718514921,0.9589001124655222,0.8850858553953942,0.8911973756150902
89
+ 88,0.2772001250330053,0.25716436163213857,0.8875726293225024,0.8954983922829582,0.9527265216030436,0.9588340576388673,0.8855912743972445,0.8943089430894309
90
+ 89,0.2758033630216075,0.25661174837990974,0.8895470186720821,0.8960342979635584,0.9532872978845217,0.959071280625028,0.8875681883433821,0.895021645021645
91
+ 90,0.27728362796542244,0.2566331974275626,0.888616235121566,0.8954983922829582,0.9526930797062201,0.9588811576022214,0.8866565253580552,0.8943089430894309
92
+ 91,0.27597962167787965,0.25634196046081004,0.8881931516895132,0.8954983922829582,0.953053443272877,0.9589828245962901,0.8860854072073108,0.8940793047256925
93
+ 92,0.27498328930120375,0.2558806046028996,0.8901111299148192,0.8960342979635584,0.9535861444630308,0.9591723732292999,0.8882194296207035,0.8945652173913043
94
+ 93,0.27526999210863473,0.25686163452852195,0.8895188131099453,0.8965702036441586,0.9533600353625545,0.9591287196047278,0.8875491631498866,0.8964036500268384
95
+ 94,0.27515532234221834,0.2559813253845049,0.8893213741749874,0.8960342979635584,0.9533175543841886,0.9590012050697941,0.8874289976475989,0.8944504896626768
96
+ 95,0.27529915309856134,0.25582460905769633,0.888982907429345,0.8960342979635584,0.9534280106559269,0.9592125805150897,0.887084743817775,0.8951351351351351
97
+ 96,0.27530326773559893,0.2547302845494157,0.8881649461273763,0.8965702036441586,0.9532463077738561,0.9595451522075524,0.8863668930731092,0.8949373979314099
98
+ 97,0.2727322045175895,0.25552385389038224,0.8892649630507136,0.897642015005359,0.9544232356501223,0.959085065980156,0.8873457675753228,0.8961392060902664
99
+ 98,0.2737495712538745,0.25515258326599455,0.8898008687313138,0.8954983922829582,0.9539056531631571,0.9593389462704296,0.8878040375613818,0.8944233892799134
100
+ 99,0.27278886212675596,0.254682609410148,0.8890111129914819,0.8971061093247589,0.9541958297970572,0.9594400388747015,0.8871813985492704,0.8957654723127035
101
+ 100,0.2725887174310973,0.25394122575640293,0.8902239521633666,0.8954983922829582,0.9542879326441185,0.9597955861590438,0.8882700809553884,0.8939641109298532
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.5867938146027923,0.507082595894191,0.7184802843120663,0.7872454448017149,0.8025507403456476,0.8638558327560716,0.721488963919971,0.7893899204244031
3
+ 2,0.475526265256557,0.4339585316717816,0.8106278558131663,0.8242229367631297,0.8865882636367958,0.9032147448158448,0.8058976582827406,0.8205689277899344
4
+ 3,0.42798071626096557,0.3990096813037848,0.829948665876911,0.8311897106109325,0.9061775730862568,0.9130362359547336,0.824977501669231,0.8292682926829268
5
+ 4,0.40212670759433294,0.37741766980223335,0.8353641338071868,0.8365487674169346,0.91284224176745,0.9191322348702855,0.8309536911002345,0.8330596606458676
6
+ 5,0.38578757415731296,0.36258922560421986,0.841287301855926,0.8435155412647374,0.91720069245379,0.9239479189283264,0.8369788799721877,0.8414766558089034
7
+ 6,0.3724290673947411,0.35202105999759536,0.843966830258927,0.8461950696677385,0.9212715090959684,0.9270479006627309,0.8399676000925712,0.8449486763911399
8
+ 7,0.36272264141724947,0.34285715375682546,0.8492130648163818,0.8467309753483387,0.9240859109059563,0.9300582775888036,0.8457587997691863,0.8421633554083885
9
+ 8,0.3566680752569335,0.3356337147701975,0.8511592486038246,0.8515541264737406,0.9259817711463092,0.9330232777209132,0.8478154289834174,0.8500270709258256
10
+ 9,0.35008162647399993,0.33031290232943566,0.8531054323912676,0.8515541264737406,0.928220080674304,0.9340715391004366,0.8496709386906823,0.8490463215258856
11
+ 10,0.34705224078930985,0.32554953638763673,0.855531110735037,0.8547695605573419,0.9286802019060647,0.9357539268158472,0.8523664034126939,0.85199344620426
12
+ 11,0.3424282517453744,0.3206893384839944,0.8578721723923958,0.857449088960343,0.930297314437481,0.9378067959503221,0.8548298810175449,0.8557483731019523
13
+ 12,0.3379918640388977,0.317223266485803,0.859367067185649,0.8585209003215434,0.9319557989453561,0.9388900951074626,0.8564270905321355,0.8566775244299675
14
+ 13,0.33412983544507513,0.31334948769719656,0.8601004118012072,0.8612004287245445,0.9332489667690171,0.9405782267208431,0.8572251007484168,0.8593155893536122
15
+ 14,0.32888686791110266,0.3098368601592024,0.8629773791391663,0.8622722400857449,0.9357352122097743,0.9418246525803313,0.8601531464102712,0.8600979858464889
16
+ 15,0.3273507846775626,0.30719300884142564,0.8644440683702826,0.8654876741693462,0.9356943334766317,0.9427402299167479,0.8615145228215768,0.8632152588555858
17
+ 16,0.32592006368894505,0.3048857606683897,0.8639645738139561,0.867631296891747,0.9363972720284208,0.9435116354141178,0.8615552429887763,0.8658337859858772
18
+ 17,0.32419755862214716,0.3030535816379682,0.8658825520392621,0.8681672025723473,0.9371208949773318,0.9440130777068981,0.8634679989663192,0.866304347826087
19
+ 18,0.3236410498044115,0.3023393719525966,0.8650363851751566,0.867631296891747,0.9367262589557512,0.9450113671740826,0.862218894871721,0.8684070324986681
20
+ 19,0.3201562567806462,0.299248515409672,0.8665030744062729,0.8697749196141479,0.9381683464831524,0.9453870181013201,0.864130902827616,0.8680065181966322
21
+ 20,0.3168505465778568,0.2970332518651171,0.869380041744232,0.8697749196141479,0.9395137662761583,0.9462015028334648,0.8667989760404982,0.867430441898527
22
+ 21,0.31423683772435707,0.294650516996813,0.8700005641112427,0.8729903536977492,0.9407850706920615,0.9471452252699346,0.8676297423820328,0.8705625341343528
23
+ 22,0.31379464188996337,0.29292539806611284,0.8717211034015908,0.8762057877813505,0.9410597451658727,0.9478333442467395,0.8691674817329268,0.8745247148288974
24
+ 23,0.3146660006385222,0.2917743830243874,0.8701697974840639,0.8735262593783494,0.9401829701673491,0.9479424783081694,0.8679082847877866,0.87117903930131
25
+ 24,0.31197495454155383,0.290602652397953,0.8723416257686015,0.8735262593783494,0.9410253120090947,0.9483933742988135,0.8697254044096483,0.8703296703296703
26
+ 25,0.3115264173337985,0.28918666893262956,0.8737236983133074,0.8767416934619507,0.9412560575967412,0.9488701178303229,0.8714576933015591,0.8745910577971646
27
+ 26,0.3094100118651772,0.28889157908139124,0.8734416426919388,0.8767416934619507,0.9419045866374549,0.9490539225653627,0.8708591164196288,0.8756756756756757
28
+ 27,0.3091945387139339,0.2867086766425436,0.874569865177413,0.8740621650589496,0.9419203847435337,0.9497196403400845,0.8723923211569916,0.8713738368910783
29
+ 28,0.30707516379617844,0.2858569654621112,0.874569865177413,0.8804930332261522,0.9430009026448148,0.9503198776779489,0.8720839925212138,0.8797843665768194
30
+ 29,0.3043910893445331,0.2850272815518824,0.8760647599706662,0.8804930332261522,0.9439941642123915,0.9505214884966957,0.873713858711272,0.8797843665768194
31
+ 30,0.3016739707647554,0.28369614299853896,0.8772775991425509,0.8810289389067524,0.9453805566138807,0.9508115553441802,0.8749676714848128,0.88
32
+ 31,0.301931947651279,0.28282547859516943,0.8771929824561403,0.8794212218649518,0.9448431075590338,0.950839700444233,0.875035876241318,0.8777838131450298
33
+ 32,0.3034604337059477,0.28132074918010996,0.8749083319230552,0.8794212218649518,0.9440149249826718,0.9514646365433681,0.8726123797213845,0.8773841961852861
34
+ 33,0.3012877787293305,0.28154201024598247,0.8758673210357082,0.8815648445873526,0.9447847934702247,0.951530116980226,0.8735163098146286,0.8815013404825738
35
+ 34,0.29832437612780827,0.279618526386678,0.8781237660066565,0.8772775991425509,0.9462647684487233,0.9520832543547363,0.8760079198829235,0.8734107241569928
36
+ 35,0.299310989288292,0.2794432802982269,0.8784622327522987,0.882636655948553,0.9457266447643086,0.9518764740278165,0.8760535020854308,0.8816855753646677
37
+ 36,0.29721828688923974,0.278899494762206,0.8787160828115305,0.8847802786709539,0.9463826567834581,0.9523279444082577,0.8762447475968457,0.884841992501339
38
+ 37,0.2959723320683563,0.2769331600505056,0.8794494274270886,0.8815648445873526,0.9468634799145228,0.9527191038600142,0.8772826461467784,0.8790366721401204
39
+ 38,0.2969871090690705,0.27780125330882055,0.8809443222203418,0.8858520900321544,0.9464089784743493,0.9527041697252923,0.8788078899767435,0.8861571352218065
40
+ 39,0.2964623625114255,0.27564613573804164,0.8792801940542675,0.8815648445873526,0.9464867518075275,0.9532021656792906,0.8768699654775605,0.8802168021680217
41
+ 40,0.296600373732618,0.2751289114499782,0.8791673718057201,0.8847802786709539,0.9464275228319228,0.9532176742038097,0.8767690714532275,0.8829613500272183
42
+ 41,0.2946653902797978,0.27437370316008663,0.8791109606814463,0.8837084673097535,0.9470404922117691,0.9536737397026269,0.8768744613616777,0.8801766979569299
43
+ 42,0.29395623104405655,0.2744775811192307,0.8811699667174366,0.8869239013933548,0.9473890688542816,0.9535037203227151,0.8789611285086333,0.8864981172673481
44
+ 43,0.29220863607333664,0.272743314408796,0.8797878941727308,0.8837084673097535,0.9479320040476883,0.9541033832707821,0.8776412494258153,0.8814855270344074
45
+ 44,0.2916633205519531,0.2722419163038493,0.8827212726349636,0.8842443729903537,0.9481788580073705,0.9542498526690171,0.8806338634667279,0.8824809575625681
46
+ 45,0.2935910979429262,0.27149726905623434,0.8801545664805099,0.8847802786709539,0.9472718519668994,0.9545427914654867,0.877968925012206,0.8828337874659401
47
+ 46,0.2906290583954303,0.2718951017910261,0.8818186946465844,0.8858520900321544,0.9487282180927447,0.9542435343812502,0.8796046204241136,0.8848025959978366
48
+ 47,0.291026665441557,0.2713434527062143,0.8827776837592374,0.8853161843515541,0.948233305705025,0.9543854086611088,0.8807186728660812,0.8841991341991342
49
+ 48,0.2919911369542661,0.27036288409371084,0.8813956112145315,0.8869239013933548,0.9478516753959119,0.9549655423560779,0.8794057759040982,0.8836183121897407
50
+ 49,0.28972887553061544,0.26935066618145087,0.8811699667174366,0.8879957127545552,0.9488145547663313,0.9552716921178787,0.8788288417843482,0.8857299070530344
51
+ 50,0.2889289538163101,0.2694091582221617,0.8836802617476166,0.8879957127545552,0.9492046481760822,0.9551045446869518,0.8815691229682384,0.8868435300487276
52
+ 51,0.28959114566624394,0.26879929724805224,0.8828905060077847,0.8890675241157556,0.9486940204198724,0.9554738773264224,0.8806965116947302,0.8882892606583918
53
+ 52,0.2863325306704089,0.26868357487813455,0.8848648953573645,0.890139335476956,0.950047737838339,0.9553716359425565,0.8827819894325752,0.8891292590589508
54
+ 53,0.2861367264845424,0.2687697826953563,0.8840187284932589,0.8896034297963559,0.9501105213480339,0.9555324650857162,0.8819747416762342,0.8897216274089935
55
+ 54,0.28670308815987106,0.26783385685977446,0.8823263947650477,0.8896034297963559,0.9497164215296711,0.9559178806395027,0.8800735885937679,0.8893662728249194
56
+ 55,0.28877654085608784,0.26738407704799505,0.8822135725165002,0.8885316184351554,0.948949208600487,0.9558478050842687,0.8800895882386722,0.8852097130242825
57
+ 56,0.2867920233788154,0.26671853110529603,0.883426411688385,0.8890675241157556,0.9495762879213855,0.9558569953210206,0.88106132550577,0.8875611080934275
58
+ 57,0.2867183323478634,0.26630134918873716,0.8834828228126587,0.8912111468381565,0.9495219595567911,0.9561447646093173,0.8815144127348343,0.8904479222881814
59
+ 58,0.2863527278666933,0.2654062601051913,0.8829469171320584,0.8917470525187567,0.9498630007143213,0.9563957729506061,0.8808840413318025,0.8900979325353645
60
+ 59,0.2854739405400137,0.2658583392475962,0.8856828566593332,0.8906752411575563,0.9502032304070414,0.9562785974320182,0.8834373472146329,0.889967637540453
61
+ 60,0.2826503823303414,0.2645054162986026,0.8848084842330908,0.8912111468381565,0.9512076758690309,0.9566485044612856,0.882939692731025,0.8892525913802509
62
+ 61,0.2861231727171598,0.2645529829133362,0.883990522931122,0.8928188638799571,0.9497795614474392,0.9566530995796616,0.882003614768913,0.8921251348435815
63
+ 62,0.28608204399415693,0.2644325043419166,0.8834546172505218,0.8917470525187567,0.9497553909338485,0.9565698130590967,0.8813598254278167,0.8896174863387978
64
+ 63,0.2841643959631833,0.26429416713607273,0.884385400801038,0.8933547695605574,0.9503936175536882,0.9567484482859634,0.882222796885326,0.8926065839179709
65
+ 64,0.28382450100088064,0.2636657684466463,0.8874316015118181,0.8906752411575563,0.9506610795373336,0.956948335935319,0.8855824087612167,0.8879120879120879
66
+ 65,0.2827948132915371,0.26319921002319,0.8857110622214701,0.8922829581993569,0.9512077045089653,0.95709365655396,0.8835699097753003,0.8911748781808337
67
+ 66,0.28382800102617195,0.26298452516077414,0.8839341118068483,0.8917470525187567,0.950634496904817,0.9570172627109589,0.8818716807808239,0.8898582333696837
68
+ 67,0.27940960978418666,0.26243560466544036,0.887854684943871,0.8928188638799571,0.9522434947881318,0.9572452954603677,0.8857339924129211,0.8915401301518439
69
+ 68,0.2826506180001871,0.2620005993310278,0.886105940091386,0.8928188638799571,0.9509668681177383,0.9574612660240395,0.8841585862642722,0.8916576381365113
70
+ 69,0.28358180067183747,0.26240428069971766,0.8848931009195014,0.8933547695605574,0.9505442811112164,0.9573211149135716,0.8827399936787058,0.8924905456509995
71
+ 70,0.28171927551868947,0.26144935530864927,0.8871213403283127,0.894962486602358,0.9512120705078655,0.9575393830364313,0.8851913477537438,0.8933623503808488
72
+ 71,0.27942344579605466,0.2616694016663591,0.888418796186608,0.8933547695605574,0.9521303877313471,0.9574687330914003,0.8864197530864197,0.8923742563547864
73
+ 72,0.2793630799387368,0.26123206346172995,0.8873751903875444,0.8912111468381565,0.9522434502371226,0.9575686769160782,0.885485674954831,0.8885227896760022
74
+ 73,0.28198988702640576,0.26090800503442524,0.8853161843515541,0.8938906752411575,0.9511647923404749,0.957710551195937,0.8830668353847924,0.8928571428571429
75
+ 74,0.2812555983478516,0.26053048406766544,0.8851187454165962,0.8938906752411575,0.9513755011117402,0.9578127925798029,0.8830236365202907,0.8925081433224755
76
+ 75,0.2791225027011159,0.25998705802814753,0.8876854515710498,0.8928188638799571,0.9520884700050259,0.9579879814678877,0.8858044164037855,0.8911860718171926
77
+ 76,0.2811188490474702,0.2601044741953301,0.8861905567777966,0.8928188638799571,0.951320483797611,0.9582395641989733,0.8839883844627814,0.8923573735199138
78
+ 77,0.27762316290921496,0.2600092611895497,0.8871213403283127,0.8933547695605574,0.952847199149175,0.9580431228883994,0.8852111060119321,0.8924905456509995
79
+ 78,0.27727276860487443,0.2590719878769381,0.8870367236419022,0.8944265809217578,0.9528910134756016,0.9582763251459812,0.8849038710233641,0.8932249322493225
80
+ 79,0.27923347992750974,0.2593676322813586,0.8869803125176284,0.8922829581993569,0.9518748065471871,0.9580770118864224,0.8850116222343387,0.8899835796387521
81
+ 80,0.27848952205466787,0.25904111295842663,0.8880803294409657,0.8954983922829582,0.9523975426312505,0.9582751763663873,0.8859770114942529,0.8945375878853434
82
+ 81,0.2794308773322161,0.2580875710754916,0.8881367405652395,0.8922829581993569,0.9520822694592117,0.9585968346527066,0.8863089095287238,0.8899835796387521
83
+ 82,0.2778879048699634,0.2595111182456615,0.8881367405652395,0.8938906752411575,0.9525802192710934,0.9583171068215681,0.8861326442721792,0.8936627282491945
84
+ 83,0.2756550552972502,0.25830875418577165,0.8873469848254075,0.894962486602358,0.9534060756483327,0.9584515140340659,0.8854602810438773,0.8939393939393939
85
+ 84,0.2767694874410198,0.25793540985637925,0.8888418796186608,0.8960342979635584,0.9528598484535687,0.9584555347626449,0.8867691423646028,0.8944504896626768
86
+ 85,0.27873948963387685,0.25805614740135585,0.8879110960681447,0.8933547695605574,0.9522120147268198,0.958371673852283,0.886040376233081,0.8910782703886152
87
+ 86,0.275088728651881,0.2576048787192133,0.8890393185536187,0.8933547695605574,0.953536767624886,0.9588237186225214,0.8870319320009189,0.8926065839179709
88
+ 87,0.2783313797580992,0.2568594663376977,0.8871213403283127,0.8933547695605574,0.9523420718514921,0.9589001124655222,0.8850858553953942,0.8911973756150902
89
+ 88,0.2772001250330053,0.25716436163213857,0.8875726293225024,0.8954983922829582,0.9527265216030436,0.9588340576388673,0.8855912743972445,0.8943089430894309
90
+ 89,0.2758033630216075,0.25661174837990974,0.8895470186720821,0.8960342979635584,0.9532872978845217,0.959071280625028,0.8875681883433821,0.895021645021645
91
+ 90,0.27728362796542244,0.2566331974275626,0.888616235121566,0.8954983922829582,0.9526930797062201,0.9588811576022214,0.8866565253580552,0.8943089430894309
92
+ 91,0.27597962167787965,0.25634196046081004,0.8881931516895132,0.8954983922829582,0.953053443272877,0.9589828245962901,0.8860854072073108,0.8940793047256925
93
+ 92,0.27498328930120375,0.2558806046028996,0.8901111299148192,0.8960342979635584,0.9535861444630308,0.9591723732292999,0.8882194296207035,0.8945652173913043
94
+ 93,0.27526999210863473,0.25686163452852195,0.8895188131099453,0.8965702036441586,0.9533600353625545,0.9591287196047278,0.8875491631498866,0.8964036500268384
95
+ 94,0.27515532234221834,0.2559813253845049,0.8893213741749874,0.8960342979635584,0.9533175543841886,0.9590012050697941,0.8874289976475989,0.8944504896626768
96
+ 95,0.27529915309856134,0.25582460905769633,0.888982907429345,0.8960342979635584,0.9534280106559269,0.9592125805150897,0.887084743817775,0.8951351351351351
97
+ 96,0.27530326773559893,0.2547302845494157,0.8881649461273763,0.8965702036441586,0.9532463077738561,0.9595451522075524,0.8863668930731092,0.8949373979314099
98
+ 97,0.2727322045175895,0.25552385389038224,0.8892649630507136,0.897642015005359,0.9544232356501223,0.959085065980156,0.8873457675753228,0.8961392060902664
99
+ 98,0.2737495712538745,0.25515258326599455,0.8898008687313138,0.8954983922829582,0.9539056531631571,0.9593389462704296,0.8878040375613818,0.8944233892799134
100
+ 99,0.27278886212675596,0.254682609410148,0.8890111129914819,0.8971061093247589,0.9541958297970572,0.9594400388747015,0.8871813985492704,0.8957654723127035
101
+ 100,0.2725887174310973,0.25394122575640293,0.8902239521633666,0.8954983922829582,0.9542879326441185,0.9597955861590438,0.8882700809553884,0.8939641109298532
training_notebook_b1.ipynb ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:acb5fce661985de7cc0696f154d666433052faac4da923777ec70b1c5fe195bb
3
+ size 22170998