parlange commited on
Commit
ebb7e84
·
verified ·
1 Parent(s): 2f6e249

Upload Twins_SVT 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_SVT_Confusion_Matrix_a.png +0 -0
  5. confusion_matrices/Twins_SVT_Confusion_Matrix_b.png +0 -0
  6. confusion_matrices/Twins_SVT_Confusion_Matrix_c.png +0 -0
  7. confusion_matrices/Twins_SVT_Confusion_Matrix_d.png +0 -0
  8. confusion_matrices/Twins_SVT_Confusion_Matrix_e.png +0 -0
  9. confusion_matrices/Twins_SVT_Confusion_Matrix_f.png +0 -0
  10. confusion_matrices/Twins_SVT_Confusion_Matrix_g.png +0 -0
  11. confusion_matrices/Twins_SVT_Confusion_Matrix_h.png +0 -0
  12. confusion_matrices/Twins_SVT_Confusion_Matrix_i.png +0 -0
  13. confusion_matrices/Twins_SVT_Confusion_Matrix_j.png +0 -0
  14. confusion_matrices/Twins_SVT_Confusion_Matrix_k.png +0 -0
  15. confusion_matrices/Twins_SVT_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_SVT_roc_confusion_matrix_a.png +0 -0
  20. roc_confusion_matrix/Twins_SVT_roc_confusion_matrix_b.png +0 -0
  21. roc_confusion_matrix/Twins_SVT_roc_confusion_matrix_c.png +0 -0
  22. roc_confusion_matrix/Twins_SVT_roc_confusion_matrix_d.png +0 -0
  23. roc_confusion_matrix/Twins_SVT_roc_confusion_matrix_e.png +0 -0
  24. roc_confusion_matrix/Twins_SVT_roc_confusion_matrix_f.png +0 -0
  25. roc_confusion_matrix/Twins_SVT_roc_confusion_matrix_g.png +0 -0
  26. roc_confusion_matrix/Twins_SVT_roc_confusion_matrix_h.png +0 -0
  27. roc_confusion_matrix/Twins_SVT_roc_confusion_matrix_i.png +0 -0
  28. roc_confusion_matrix/Twins_SVT_roc_confusion_matrix_j.png +0 -0
  29. roc_confusion_matrix/Twins_SVT_roc_confusion_matrix_k.png +0 -0
  30. roc_confusion_matrix/Twins_SVT_roc_confusion_matrix_l.png +0 -0
  31. roc_curves/Twins_SVT_ROC_a.png +0 -0
  32. roc_curves/Twins_SVT_ROC_b.png +0 -0
  33. roc_curves/Twins_SVT_ROC_c.png +0 -0
  34. roc_curves/Twins_SVT_ROC_d.png +0 -0
  35. roc_curves/Twins_SVT_ROC_e.png +0 -0
  36. roc_curves/Twins_SVT_ROC_f.png +0 -0
  37. roc_curves/Twins_SVT_ROC_g.png +0 -0
  38. roc_curves/Twins_SVT_ROC_h.png +0 -0
  39. roc_curves/Twins_SVT_ROC_i.png +0 -0
  40. roc_curves/Twins_SVT_ROC_j.png +0 -0
  41. roc_curves/Twins_SVT_ROC_k.png +0 -0
  42. roc_curves/Twins_SVT_ROC_l.png +0 -0
  43. training_curves/Twins_SVT_accuracy.png +0 -0
  44. training_curves/Twins_SVT_auc.png +0 -0
  45. training_curves/Twins_SVT_combined_metrics.png +3 -0
  46. training_curves/Twins_SVT_f1.png +0 -0
  47. training_curves/Twins_SVT_loss.png +0 -0
  48. training_curves/Twins_SVT_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_SVT_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_svt
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_SVT-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.7208
31
+ name: Average Accuracy
32
+ - type: auc
33
+ value: 0.6534
34
+ name: Average AUC-ROC
35
+ - type: f1
36
+ value: 0.3320
37
+ name: Average F1-Score
38
+ ---
39
+
40
+ # 🌌 twins_svt-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_SVT
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_svt-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_svt-gravit-b1/resolve/main/training_curves/Twins_SVT_combined_metrics.png)
98
+
99
+
100
+ ## 🏁 Final Epoch Training Metrics
101
+
102
+ | Metric | Training | Validation |
103
+ |:---------:|:-----------:|:-------------:|
104
+ | 📉 Loss | 0.2461 | 0.2251 |
105
+ | 🎯 Accuracy | 0.9027 | 0.9126 |
106
+ | 📊 AUC-ROC | 0.9624 | 0.9686 |
107
+ | ⚖️ F1 Score | 0.9013 | 0.9111 |
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_svt-gravit-b1/resolve/main/roc_confusion_matrix/Twins_SVT_roc_confusion_matrix_a.png)
117
+ ![ROC + Confusion Matrix - Dataset B](https://huggingface.co/parlange/twins_svt-gravit-b1/resolve/main/roc_confusion_matrix/Twins_SVT_roc_confusion_matrix_b.png)
118
+ ![ROC + Confusion Matrix - Dataset C](https://huggingface.co/parlange/twins_svt-gravit-b1/resolve/main/roc_confusion_matrix/Twins_SVT_roc_confusion_matrix_c.png)
119
+ ![ROC + Confusion Matrix - Dataset D](https://huggingface.co/parlange/twins_svt-gravit-b1/resolve/main/roc_confusion_matrix/Twins_SVT_roc_confusion_matrix_d.png)
120
+ ![ROC + Confusion Matrix - Dataset E](https://huggingface.co/parlange/twins_svt-gravit-b1/resolve/main/roc_confusion_matrix/Twins_SVT_roc_confusion_matrix_e.png)
121
+ ![ROC + Confusion Matrix - Dataset F](https://huggingface.co/parlange/twins_svt-gravit-b1/resolve/main/roc_confusion_matrix/Twins_SVT_roc_confusion_matrix_f.png)
122
+ ![ROC + Confusion Matrix - Dataset G](https://huggingface.co/parlange/twins_svt-gravit-b1/resolve/main/roc_confusion_matrix/Twins_SVT_roc_confusion_matrix_g.png)
123
+ ![ROC + Confusion Matrix - Dataset H](https://huggingface.co/parlange/twins_svt-gravit-b1/resolve/main/roc_confusion_matrix/Twins_SVT_roc_confusion_matrix_h.png)
124
+ ![ROC + Confusion Matrix - Dataset I](https://huggingface.co/parlange/twins_svt-gravit-b1/resolve/main/roc_confusion_matrix/Twins_SVT_roc_confusion_matrix_i.png)
125
+ ![ROC + Confusion Matrix - Dataset J](https://huggingface.co/parlange/twins_svt-gravit-b1/resolve/main/roc_confusion_matrix/Twins_SVT_roc_confusion_matrix_j.png)
126
+ ![ROC + Confusion Matrix - Dataset K](https://huggingface.co/parlange/twins_svt-gravit-b1/resolve/main/roc_confusion_matrix/Twins_SVT_roc_confusion_matrix_k.png)
127
+ ![ROC + Confusion Matrix - Dataset L](https://huggingface.co/parlange/twins_svt-gravit-b1/resolve/main/roc_confusion_matrix/Twins_SVT_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.7208 |
136
+ | 📈 Average AUC-ROC | 0.6534 |
137
+ | ⚖️ Average F1-Score | 0.3320 |
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_svt_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_svt-gravit-b1",
75
+ "license": "apache-2.0"
76
+ }
confusion_matrices/Twins_SVT_Confusion_Matrix_a.png ADDED
confusion_matrices/Twins_SVT_Confusion_Matrix_b.png ADDED
confusion_matrices/Twins_SVT_Confusion_Matrix_c.png ADDED
confusion_matrices/Twins_SVT_Confusion_Matrix_d.png ADDED
confusion_matrices/Twins_SVT_Confusion_Matrix_e.png ADDED
confusion_matrices/Twins_SVT_Confusion_Matrix_f.png ADDED
confusion_matrices/Twins_SVT_Confusion_Matrix_g.png ADDED
confusion_matrices/Twins_SVT_Confusion_Matrix_h.png ADDED
confusion_matrices/Twins_SVT_Confusion_Matrix_i.png ADDED
confusion_matrices/Twins_SVT_Confusion_Matrix_j.png ADDED
confusion_matrices/Twins_SVT_Confusion_Matrix_k.png ADDED
confusion_matrices/Twins_SVT_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:4c5edf8af1c769b19f0d6bc17388ec7df19c5b9efaa2ddd7036d0cdc7315d59a
3
+ size 221250080
pytorch_model.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:bf0d0829856e5e200683d98c4129299a52a4adf7aa295f2c100a31a93d83389a
3
+ size 221357966
roc_confusion_matrix/Twins_SVT_roc_confusion_matrix_a.png ADDED
roc_confusion_matrix/Twins_SVT_roc_confusion_matrix_b.png ADDED
roc_confusion_matrix/Twins_SVT_roc_confusion_matrix_c.png ADDED
roc_confusion_matrix/Twins_SVT_roc_confusion_matrix_d.png ADDED
roc_confusion_matrix/Twins_SVT_roc_confusion_matrix_e.png ADDED
roc_confusion_matrix/Twins_SVT_roc_confusion_matrix_f.png ADDED
roc_confusion_matrix/Twins_SVT_roc_confusion_matrix_g.png ADDED
roc_confusion_matrix/Twins_SVT_roc_confusion_matrix_h.png ADDED
roc_confusion_matrix/Twins_SVT_roc_confusion_matrix_i.png ADDED
roc_confusion_matrix/Twins_SVT_roc_confusion_matrix_j.png ADDED
roc_confusion_matrix/Twins_SVT_roc_confusion_matrix_k.png ADDED
roc_confusion_matrix/Twins_SVT_roc_confusion_matrix_l.png ADDED
roc_curves/Twins_SVT_ROC_a.png ADDED
roc_curves/Twins_SVT_ROC_b.png ADDED
roc_curves/Twins_SVT_ROC_c.png ADDED
roc_curves/Twins_SVT_ROC_d.png ADDED
roc_curves/Twins_SVT_ROC_e.png ADDED
roc_curves/Twins_SVT_ROC_f.png ADDED
roc_curves/Twins_SVT_ROC_g.png ADDED
roc_curves/Twins_SVT_ROC_h.png ADDED
roc_curves/Twins_SVT_ROC_i.png ADDED
roc_curves/Twins_SVT_ROC_j.png ADDED
roc_curves/Twins_SVT_ROC_k.png ADDED
roc_curves/Twins_SVT_ROC_l.png ADDED
training_curves/Twins_SVT_accuracy.png ADDED
training_curves/Twins_SVT_auc.png ADDED
training_curves/Twins_SVT_combined_metrics.png ADDED

Git LFS Details

  • SHA256: 263e9f2cb24a3cab0425c5cb625c195b5f48b562b90e18d78a53853487e2563a
  • Pointer size: 131 Bytes
  • Size of remote file: 156 kB
training_curves/Twins_SVT_f1.png ADDED
training_curves/Twins_SVT_loss.png ADDED
training_curves/Twins_SVT_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.5727937682204731,0.4846559068206039,0.7261239916511536,0.8204715969989282,0.8148517163096494,0.899715562172526,0.7428359552942423,0.8261546445251686
3
+ 2,0.4547982327948974,0.4109981599536356,0.8254357759350144,0.8403001071811361,0.8989615188398787,0.92016498772529,0.8240911803996248,0.8396124865446717
4
+ 3,0.40568286943080606,0.3727985151902656,0.8421898798443053,0.84994640943194,0.9150159793809528,0.9313851180198717,0.839523877814427,0.8493003229278795
5
+ 4,0.37801683636501693,0.3510377849796577,0.8519772099057934,0.8547695605573419,0.9241282534579722,0.9368642222934466,0.8497394491209986,0.8559276980329612
6
+ 5,0.36045444715767466,0.33237111252220497,0.8593388616235121,0.8692390139335477,0.9289835449542865,0.9416563563698106,0.8568722555463077,0.8671023965141612
7
+ 6,0.3450873708145976,0.320006883316868,0.8641620127489141,0.87513397642015,0.9339977260337535,0.9441147447009669,0.8615057226663599,0.8724685276409414
8
+ 7,0.3365174778061765,0.31043967230910274,0.8686749026908106,0.8810289389067524,0.9361656099628709,0.9469309778756538,0.8665367196009861,0.8792165397170838
9
+ 8,0.32823009853799606,0.3033198536975591,0.870931347661759,0.8842443729903537,0.9384344321588354,0.948762706938284,0.8687019396304373,0.8822246455834242
10
+ 9,0.3239030409412026,0.29863368362859133,0.8725672702656964,0.882636655948553,0.9393302654426455,0.9503388325412498,0.8701201632840798,0.8818132757690232
11
+ 10,0.3149517015225392,0.29233744750068885,0.8773340102668247,0.882636655948553,0.9429293362218809,0.9516932436825738,0.8753403846705077,0.8810429114611624
12
+ 11,0.3109703146225104,0.2891387283993687,0.876685282337677,0.8842443729903537,0.9438296214243944,0.9531636815628917,0.8745552622518077,0.883745963401507
13
+ 12,0.3073849116390097,0.28282164386997655,0.8792519884921306,0.8917470525187567,0.9446973255192265,0.954250427058814,0.8775632775632776,0.889010989010989
14
+ 13,0.30167938678332,0.27939262315391344,0.8804930332261522,0.8922829581993569,0.9467366766046285,0.9548902972926709,0.8786064235166031,0.8893780957622455
15
+ 14,0.2993665277897394,0.27769005078211473,0.8819879280194054,0.8922829581993569,0.9472861973918573,0.9556042638103411,0.8800596261896572,0.8912925905895078
16
+ 15,0.2959057167613742,0.27314858622489635,0.8821289558300897,0.8965702036441586,0.9484060188298851,0.9565008862834568,0.8802338577938268,0.89366391184573
17
+ 16,0.2944243804747571,0.2710270792533347,0.8820161335815423,0.8960342979635584,0.9487327654778965,0.9573320283197146,0.8801604354676981,0.8943355119825708
18
+ 17,0.2895764685570841,0.2705438241506313,0.8862187623399335,0.8938906752411575,0.9502392323957857,0.9577094024163431,0.8841536959393487,0.892972972972973
19
+ 18,0.2908620471618647,0.2673247419177911,0.8857110622214701,0.8971061093247589,0.9495946158883428,0.9581999313029802,0.8840364031824166,0.8954248366013072
20
+ 19,0.2845766895221643,0.2651598829165149,0.8859649122807017,0.8997856377277599,0.9517862455053561,0.9588099332673933,0.8842376521116678,0.8980926430517712
21
+ 20,0.2868121876735174,0.2640096398603495,0.8872059570147233,0.8997856377277599,0.9509310363774932,0.9585175688607208,0.8855368234250222,0.8977583378895572
22
+ 21,0.28423053962786116,0.2610969533874291,0.8871213403283127,0.9008574490889604,0.9515964295662911,0.9596278643383203,0.8853163686382394,0.8982957669048928
23
+ 22,0.2832022428633618,0.25996338429941623,0.8882495628137869,0.9030010718113612,0.9518636751593206,0.9601907663393793,0.8863844918559303,0.9011469142545058
24
+ 23,0.2810581739677312,0.2580512028031794,0.8887008518079765,0.9030010718113612,0.9526509615003576,0.9605497599625038,0.8868368224835101,0.900604063701263
25
+ 24,0.27984193870209867,0.2567747040768528,0.8888982907429345,0.902465166130761,0.9528792281425644,0.9608404011997854,0.8873831374903508,0.9002192982456141
26
+ 25,0.278000978139234,0.2565838163688635,0.8885598239972923,0.9008574490889604,0.9534702991102888,0.9606175379585498,0.8867291648748602,0.8990725586470267
27
+ 26,0.2753697307022277,0.25449298274287074,0.8915778191459356,0.9056806002143623,0.9542537811133628,0.9613533312885056,0.8899261210698127,0.9037199124726477
28
+ 27,0.27818133577737214,0.25315436227336957,0.8883905906244711,0.9046087888531619,0.9531557880787285,0.9616669481176672,0.8868749821321364,0.9026258205689278
29
+ 28,0.2747110759098329,0.25293756470419587,0.8918598747673041,0.9046087888531619,0.9543766464322665,0.9617697638913302,0.8899982785333104,0.9031556039173014
30
+ 29,0.273391792860546,0.2510428423858532,0.8910701190274722,0.9040728831725616,0.9547504946347394,0.9620816575511005,0.8895182515161918,0.9010503040353787
31
+ 30,0.27062279067430467,0.25016845676484983,0.8924239860100411,0.9056806002143623,0.9555499354457468,0.9622735037432983,0.8907601535200779,0.9039301310043668
32
+ 31,0.26985873666526217,0.2495117708321936,0.8925650138207254,0.9056806002143623,0.9560443148124637,0.962398720719044,0.8908627259963898,0.9035087719298246
33
+ 32,0.26971737281141156,0.24883707955335882,0.8938624696790207,0.9067524115755627,0.9558138954018487,0.9626365180950018,0.892371936046678,0.9050218340611353
34
+ 33,0.27048152332621433,0.24815257478181957,0.8929034805663677,0.9072883172561629,0.9555805213046602,0.9628352569647635,0.8912501790061578,0.9056192034915439
35
+ 34,0.268338045577225,0.2471697132591266,0.8935522084955153,0.9083601286173634,0.9562678479099447,0.9630259543773673,0.8920295245179378,0.9064039408866995
36
+ 35,0.2678483103027318,0.24573184798959752,0.8944547864838946,0.9094319399785638,0.9563100663555778,0.9633665675269877,0.8928162236480294,0.9070918086860913
37
+ 36,0.2669805561523789,0.24528104354330965,0.8941163197382523,0.9088960342979635,0.9565525193119953,0.9635721990743135,0.8923738532110091,0.9070021881838074
38
+ 37,0.2673639583040926,0.24573900883604094,0.8936650307440628,0.905144694533762,0.956459517489213,0.9635796661416745,0.8921192697304412,0.9039609332609875
39
+ 38,0.26546539806294794,0.24460482036760767,0.8951599255373159,0.9078242229367631,0.9570987703733713,0.9637037343378262,0.8935109583154276,0.9065217391304348
40
+ 39,0.26682529897935137,0.24341324225690972,0.8939470863654313,0.9088960342979635,0.956616971893427,0.9639869085077468,0.8923807888259202,0.9072052401746725
41
+ 40,0.26571816405702875,0.24236692267790486,0.8936368251819259,0.9105037513397642,0.9568522505462581,0.9641207413304476,0.8921862938502444,0.9081913139087411
42
+ 41,0.26494809674982656,0.24195935661003137,0.8950753088509054,0.909967845659164,0.9569891128375836,0.9643637082145783,0.8935256740511763,0.9067702552719201
43
+ 42,0.2609775347881338,0.24086957087087477,0.8960060924014216,0.9115755627009646,0.9583659426831729,0.9646003568109418,0.8944430129691661,0.9093904448105437
44
+ 43,0.2609979221211167,0.24126824506609387,0.8959496812771478,0.9083601286173634,0.9584969719745099,0.9646514775028747,0.8945728901717585,0.9068119891008174
45
+ 44,0.26319682377710985,0.2397809628984169,0.8945958142945789,0.9121114683815649,0.9576548719810999,0.9650271284301123,0.8929870278628905,0.9103825136612022
46
+ 45,0.26059891204328417,0.23935735570656141,0.8968522592655271,0.909967845659164,0.9585476423830286,0.9649777309075703,0.8953797739951366,0.9080962800875274
47
+ 46,0.25828328926382904,0.23886201489968314,0.8976702205674959,0.909967845659164,0.9590129028919202,0.9650891625281881,0.8959981653480106,0.9076923076923077
48
+ 47,0.2619249664359255,0.23866203254825433,0.8959496812771478,0.9105037513397642,0.9579174667669917,0.9652551611795208,0.8942161557652052,0.908793009284544
49
+ 48,0.26020269213412334,0.2386242337165538,0.8976138094432222,0.9110396570203644,0.9587392180869562,0.9650426369546312,0.8961016658080028,0.9088913282107574
50
+ 49,0.2578418030263123,0.23733698464091568,0.8982343318102329,0.9088960342979635,0.9592633734388838,0.9654791732003506,0.8966603654694392,0.9067982456140351
51
+ 50,0.26141039480673195,0.23701872722128964,0.8956112145315056,0.9088960342979635,0.9580386200542569,0.9655888816515774,0.8939754204027845,0.9067982456140351
52
+ 51,0.259780691322245,0.23657873541212543,0.8975291927568116,0.909967845659164,0.9585131853596384,0.9657830254029631,0.8959294164828554,0.9076923076923077
53
+ 52,0.2566238320717091,0.2364781689605529,0.8987984430529701,0.912647374062165,0.959725949749472,0.9658014058764671,0.8973155514853185,0.9098949695964621
54
+ 53,0.2586648547320544,0.23601951754361486,0.8969650815140746,0.9121114683815649,0.9588752832334386,0.965866311923528,0.8952664927320164,0.9095920617420066
55
+ 54,0.2582761714665856,0.23666827026095805,0.8983471540587804,0.9067524115755627,0.9590203667770665,0.9657594754212863,0.8966565349544073,0.9050218340611353
56
+ 55,0.25846378629049044,0.23585528283832158,0.897472781632538,0.909967845659164,0.9589682357318894,0.9659679789175969,0.8958780900002864,0.9083969465648855
57
+ 56,0.2578610007301727,0.23492327941000654,0.8982343318102329,0.9131832797427653,0.9593440712275935,0.9662172640894945,0.8966899553315771,0.91
58
+ 57,0.25692052996225173,0.23500062688178955,0.8990804986743386,0.909967845659164,0.9591689968992466,0.9660374800830338,0.897431487214769,0.9082969432314411
59
+ 58,0.25743473764653335,0.23414445081516094,0.8987702374908332,0.9131832797427653,0.959214537577279,0.9662339213936075,0.8973075052218947,0.9104972375690608
60
+ 59,0.2545647950296697,0.2338284113207814,0.8980086873131381,0.9105037513397642,0.9602333571041608,0.9662695335610215,0.8963837469195942,0.9082921471718836
61
+ 60,0.25497477856066086,0.2333558027383982,0.899559993230665,0.9105037513397642,0.9599452377722204,0.9664521895164673,0.898120333018625,0.9085933223864259
62
+ 61,0.2557236517463204,0.2334069313056216,0.8999266655384441,0.9083601286173634,0.9596650835242798,0.966607274761657,0.8984079715954645,0.9067103109656302
63
+ 62,0.2539627052595176,0.2340861028988645,0.8996164043549388,0.9094319399785638,0.9603996962524923,0.9664544870756552,0.8980492136698273,0.9081022294725394
64
+ 63,0.25634625639825087,0.23262122187200465,0.8982061262480961,0.9121114683815649,0.9595762090342772,0.966630824743334,0.8967765923976776,0.9096916299559471
65
+ 64,0.25433197337613933,0.23240779843361048,0.8993343487335702,0.9094319399785638,0.9601672465887443,0.9666451844882589,0.8977744679632229,0.9073972602739726
66
+ 65,0.2535609259613881,0.2317221123976723,0.9000676933491284,0.9105037513397642,0.9603794414543876,0.9668703452886827,0.8985017331767268,0.9081913139087411
67
+ 66,0.2530571951450965,0.23177604928277312,0.8998138432898968,0.9105037513397642,0.9605058851739935,0.9667445539231398,0.8983341919972523,0.9082921471718836
68
+ 67,0.2538526393870328,0.23153858782777448,0.8978676595024538,0.912647374062165,0.9603723657994645,0.9668691965090885,0.8963562984801213,0.9107827038861521
69
+ 68,0.2529411534530537,0.23200270816252547,0.9008574490889604,0.9078242229367631,0.960627854699391,0.9668961928295476,0.8992865533938855,0.9061135371179039
70
+ 69,0.25309370796800285,0.23067457523568266,0.9017882326394765,0.909967845659164,0.9605428386450054,0.9671012499870761,0.9003548534798534,0.9076923076923077
71
+ 70,0.25041982427146114,0.230317863429091,0.900942065775371,0.9115755627009646,0.9615229369804751,0.9671115890034222,0.8994445398843268,0.9090909090909091
72
+ 71,0.25121096075135935,0.230538613830732,0.90130873808315,0.9105037513397642,0.9610929624619656,0.9670874646319482,0.899699011036262,0.9085933223864259
73
+ 72,0.2535016984579668,0.23016462573284505,0.9002651322840864,0.9088960342979635,0.9602364979503084,0.967227615742416,0.8988789750629147,0.9067982456140351
74
+ 73,0.253068623122759,0.23021918496901583,0.9002087211598128,0.9110396570203644,0.9604410507267689,0.967227041352619,0.8987580839008756,0.9090909090909091
75
+ 74,0.2547518807904816,0.22971435308073113,0.8978958650645907,0.9105037513397642,0.9597242790866275,0.9672597815710481,0.8963107241063245,0.9079889807162534
76
+ 75,0.2516047195202809,0.22963273141928425,0.9018164382016134,0.9115755627009646,0.9608626162422942,0.967287352281304,0.9003121509779776,0.9092908191313909
77
+ 76,0.2513020654522761,0.22952060717670097,0.9000958989112653,0.9105037513397642,0.9609294666226846,0.9673459400405977,0.8985681557846507,0.9083927591881514
78
+ 77,0.25102566387885755,0.22909963950275225,0.9017882326394765,0.9105037513397642,0.9610411544116053,0.9674315241203507,0.9002292263610315,0.9085933223864259
79
+ 78,0.24903563372595375,0.229370289149775,0.9020420826987082,0.9115755627009646,0.9614388501328522,0.9674993021163966,0.9005583392984968,0.9101796407185628
80
+ 79,0.24908673764283856,0.22876657018515842,0.9026908106278558,0.9115755627009646,0.9615880371426474,0.9673872961059818,0.9012366884232222,0.9093904448105437
81
+ 80,0.25098429144911605,0.22800752041424202,0.901111299148192,0.9121114683815649,0.9610960412549219,0.9675504228083297,0.8995473038794338,0.9095920617420066
82
+ 81,0.25187276332768554,0.22841638824947394,0.900942065775371,0.9115755627009646,0.9605936999864204,0.9674608179999976,0.8993292438227369,0.9094898518924849
83
+ 82,0.24891476806982618,0.22785066106503415,0.9026908106278558,0.9137191854233655,0.9617064346317727,0.9675866093655405,0.9013440091507006,0.9110988404196576
84
+ 83,0.24819641064157097,0.2283332255875566,0.9022113160715293,0.9115755627009646,0.961975903001939,0.9675532947573147,0.9006960158107296,0.9095890410958904
85
+ 84,0.24944272374850598,0.2278306665336204,0.9013933547695605,0.9115755627009646,0.961507485735825,0.9675866093655405,0.8998510370115733,0.9090909090909091
86
+ 85,0.24824245109647275,0.22729395449736495,0.9019574660122976,0.9105037513397642,0.9616687587979691,0.9678646140272881,0.9002811406276895,0.9084931506849315
87
+ 86,0.24914310733352868,0.22692531582051917,0.9002651322840864,0.9110396570203644,0.9614849301963173,0.967912862770236,0.8986819484240688,0.9087912087912088
88
+ 87,0.24682794355724766,0.2266309580427274,0.9024933716928979,0.9137191854233655,0.9623031206177619,0.9679547932254171,0.9009427204217886,0.9110988404196576
89
+ 88,0.24724169885482777,0.22624671286708672,0.9028882495628138,0.9121114683815649,0.9621526448109153,0.9680484187623278,0.9013269137076204,0.9098901098901099
90
+ 89,0.25125619168157687,0.2263305438293138,0.9009702713375077,0.9131832797427653,0.9607525768407135,0.9680466955929369,0.8994184547511961,0.9111842105263158
91
+ 90,0.24720154869352667,0.225990282281802,0.9022395216336662,0.9121114683815649,0.9620461440323498,0.9680771382521777,0.9007161271841879,0.9100877192982456
92
+ 91,0.24784412468159575,0.22568222808492913,0.9010548880239183,0.9115755627009646,0.9620109869216724,0.9682483064116836,0.899576319706859,0.9094898518924849
93
+ 92,0.248056544045503,0.2256135313361404,0.9016472048287922,0.9115755627009646,0.9618262307043652,0.9683419319485943,0.9000544584252916,0.909688013136289
94
+ 93,0.24894926377633114,0.22559164052415892,0.9032267163084561,0.9121114683815649,0.9615222368931877,0.9682029296177206,0.901653911199014,0.9098901098901099
95
+ 94,0.2487094634316419,0.2255329885475122,0.9022395216336662,0.9158628081457664,0.961607335685162,0.9684114331140313,0.9008751358462507,0.9128262076624097
96
+ 95,0.24773584570521973,0.22499046352515267,0.9005753934675919,0.912647374062165,0.9619313663127207,0.9683855855731663,0.8990058161189582,0.9101928374655648
97
+ 96,0.24909711888768907,0.22514116605953388,0.9017882326394765,0.912647374062165,0.9612734195068865,0.9683838624037755,0.9002235085105164,0.9106849315068493
98
+ 97,0.24610930364493852,0.22513675670531785,0.9028036328764032,0.912647374062165,0.9622271643293154,0.9683890319119485,0.9012211202201457,0.9107827038861521
99
+ 98,0.2460740361344413,0.22550023603477662,0.9031138940599086,0.9147909967845659,0.9624763524436574,0.9684217721303773,0.901471474055589,0.9132569558101473
100
+ 99,0.2464908709389281,0.22444128420000292,0.9031138940599086,0.912647374062165,0.9622997920209329,0.9686044280858229,0.9015843910265593,0.9106849315068493
101
+ 100,0.24613999790357724,0.22510776033930457,0.9026908106278558,0.912647374062165,0.962438579552298,0.9685561793428751,0.9012819045438938,0.9110747408619749
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.5727937682204731,0.4846559068206039,0.7261239916511536,0.8204715969989282,0.8148517163096494,0.899715562172526,0.7428359552942423,0.8261546445251686
3
+ 2,0.4547982327948974,0.4109981599536356,0.8254357759350144,0.8403001071811361,0.8989615188398787,0.92016498772529,0.8240911803996248,0.8396124865446717
4
+ 3,0.40568286943080606,0.3727985151902656,0.8421898798443053,0.84994640943194,0.9150159793809528,0.9313851180198717,0.839523877814427,0.8493003229278795
5
+ 4,0.37801683636501693,0.3510377849796577,0.8519772099057934,0.8547695605573419,0.9241282534579722,0.9368642222934466,0.8497394491209986,0.8559276980329612
6
+ 5,0.36045444715767466,0.33237111252220497,0.8593388616235121,0.8692390139335477,0.9289835449542865,0.9416563563698106,0.8568722555463077,0.8671023965141612
7
+ 6,0.3450873708145976,0.320006883316868,0.8641620127489141,0.87513397642015,0.9339977260337535,0.9441147447009669,0.8615057226663599,0.8724685276409414
8
+ 7,0.3365174778061765,0.31043967230910274,0.8686749026908106,0.8810289389067524,0.9361656099628709,0.9469309778756538,0.8665367196009861,0.8792165397170838
9
+ 8,0.32823009853799606,0.3033198536975591,0.870931347661759,0.8842443729903537,0.9384344321588354,0.948762706938284,0.8687019396304373,0.8822246455834242
10
+ 9,0.3239030409412026,0.29863368362859133,0.8725672702656964,0.882636655948553,0.9393302654426455,0.9503388325412498,0.8701201632840798,0.8818132757690232
11
+ 10,0.3149517015225392,0.29233744750068885,0.8773340102668247,0.882636655948553,0.9429293362218809,0.9516932436825738,0.8753403846705077,0.8810429114611624
12
+ 11,0.3109703146225104,0.2891387283993687,0.876685282337677,0.8842443729903537,0.9438296214243944,0.9531636815628917,0.8745552622518077,0.883745963401507
13
+ 12,0.3073849116390097,0.28282164386997655,0.8792519884921306,0.8917470525187567,0.9446973255192265,0.954250427058814,0.8775632775632776,0.889010989010989
14
+ 13,0.30167938678332,0.27939262315391344,0.8804930332261522,0.8922829581993569,0.9467366766046285,0.9548902972926709,0.8786064235166031,0.8893780957622455
15
+ 14,0.2993665277897394,0.27769005078211473,0.8819879280194054,0.8922829581993569,0.9472861973918573,0.9556042638103411,0.8800596261896572,0.8912925905895078
16
+ 15,0.2959057167613742,0.27314858622489635,0.8821289558300897,0.8965702036441586,0.9484060188298851,0.9565008862834568,0.8802338577938268,0.89366391184573
17
+ 16,0.2944243804747571,0.2710270792533347,0.8820161335815423,0.8960342979635584,0.9487327654778965,0.9573320283197146,0.8801604354676981,0.8943355119825708
18
+ 17,0.2895764685570841,0.2705438241506313,0.8862187623399335,0.8938906752411575,0.9502392323957857,0.9577094024163431,0.8841536959393487,0.892972972972973
19
+ 18,0.2908620471618647,0.2673247419177911,0.8857110622214701,0.8971061093247589,0.9495946158883428,0.9581999313029802,0.8840364031824166,0.8954248366013072
20
+ 19,0.2845766895221643,0.2651598829165149,0.8859649122807017,0.8997856377277599,0.9517862455053561,0.9588099332673933,0.8842376521116678,0.8980926430517712
21
+ 20,0.2868121876735174,0.2640096398603495,0.8872059570147233,0.8997856377277599,0.9509310363774932,0.9585175688607208,0.8855368234250222,0.8977583378895572
22
+ 21,0.28423053962786116,0.2610969533874291,0.8871213403283127,0.9008574490889604,0.9515964295662911,0.9596278643383203,0.8853163686382394,0.8982957669048928
23
+ 22,0.2832022428633618,0.25996338429941623,0.8882495628137869,0.9030010718113612,0.9518636751593206,0.9601907663393793,0.8863844918559303,0.9011469142545058
24
+ 23,0.2810581739677312,0.2580512028031794,0.8887008518079765,0.9030010718113612,0.9526509615003576,0.9605497599625038,0.8868368224835101,0.900604063701263
25
+ 24,0.27984193870209867,0.2567747040768528,0.8888982907429345,0.902465166130761,0.9528792281425644,0.9608404011997854,0.8873831374903508,0.9002192982456141
26
+ 25,0.278000978139234,0.2565838163688635,0.8885598239972923,0.9008574490889604,0.9534702991102888,0.9606175379585498,0.8867291648748602,0.8990725586470267
27
+ 26,0.2753697307022277,0.25449298274287074,0.8915778191459356,0.9056806002143623,0.9542537811133628,0.9613533312885056,0.8899261210698127,0.9037199124726477
28
+ 27,0.27818133577737214,0.25315436227336957,0.8883905906244711,0.9046087888531619,0.9531557880787285,0.9616669481176672,0.8868749821321364,0.9026258205689278
29
+ 28,0.2747110759098329,0.25293756470419587,0.8918598747673041,0.9046087888531619,0.9543766464322665,0.9617697638913302,0.8899982785333104,0.9031556039173014
30
+ 29,0.273391792860546,0.2510428423858532,0.8910701190274722,0.9040728831725616,0.9547504946347394,0.9620816575511005,0.8895182515161918,0.9010503040353787
31
+ 30,0.27062279067430467,0.25016845676484983,0.8924239860100411,0.9056806002143623,0.9555499354457468,0.9622735037432983,0.8907601535200779,0.9039301310043668
32
+ 31,0.26985873666526217,0.2495117708321936,0.8925650138207254,0.9056806002143623,0.9560443148124637,0.962398720719044,0.8908627259963898,0.9035087719298246
33
+ 32,0.26971737281141156,0.24883707955335882,0.8938624696790207,0.9067524115755627,0.9558138954018487,0.9626365180950018,0.892371936046678,0.9050218340611353
34
+ 33,0.27048152332621433,0.24815257478181957,0.8929034805663677,0.9072883172561629,0.9555805213046602,0.9628352569647635,0.8912501790061578,0.9056192034915439
35
+ 34,0.268338045577225,0.2471697132591266,0.8935522084955153,0.9083601286173634,0.9562678479099447,0.9630259543773673,0.8920295245179378,0.9064039408866995
36
+ 35,0.2678483103027318,0.24573184798959752,0.8944547864838946,0.9094319399785638,0.9563100663555778,0.9633665675269877,0.8928162236480294,0.9070918086860913
37
+ 36,0.2669805561523789,0.24528104354330965,0.8941163197382523,0.9088960342979635,0.9565525193119953,0.9635721990743135,0.8923738532110091,0.9070021881838074
38
+ 37,0.2673639583040926,0.24573900883604094,0.8936650307440628,0.905144694533762,0.956459517489213,0.9635796661416745,0.8921192697304412,0.9039609332609875
39
+ 38,0.26546539806294794,0.24460482036760767,0.8951599255373159,0.9078242229367631,0.9570987703733713,0.9637037343378262,0.8935109583154276,0.9065217391304348
40
+ 39,0.26682529897935137,0.24341324225690972,0.8939470863654313,0.9088960342979635,0.956616971893427,0.9639869085077468,0.8923807888259202,0.9072052401746725
41
+ 40,0.26571816405702875,0.24236692267790486,0.8936368251819259,0.9105037513397642,0.9568522505462581,0.9641207413304476,0.8921862938502444,0.9081913139087411
42
+ 41,0.26494809674982656,0.24195935661003137,0.8950753088509054,0.909967845659164,0.9569891128375836,0.9643637082145783,0.8935256740511763,0.9067702552719201
43
+ 42,0.2609775347881338,0.24086957087087477,0.8960060924014216,0.9115755627009646,0.9583659426831729,0.9646003568109418,0.8944430129691661,0.9093904448105437
44
+ 43,0.2609979221211167,0.24126824506609387,0.8959496812771478,0.9083601286173634,0.9584969719745099,0.9646514775028747,0.8945728901717585,0.9068119891008174
45
+ 44,0.26319682377710985,0.2397809628984169,0.8945958142945789,0.9121114683815649,0.9576548719810999,0.9650271284301123,0.8929870278628905,0.9103825136612022
46
+ 45,0.26059891204328417,0.23935735570656141,0.8968522592655271,0.909967845659164,0.9585476423830286,0.9649777309075703,0.8953797739951366,0.9080962800875274
47
+ 46,0.25828328926382904,0.23886201489968314,0.8976702205674959,0.909967845659164,0.9590129028919202,0.9650891625281881,0.8959981653480106,0.9076923076923077
48
+ 47,0.2619249664359255,0.23866203254825433,0.8959496812771478,0.9105037513397642,0.9579174667669917,0.9652551611795208,0.8942161557652052,0.908793009284544
49
+ 48,0.26020269213412334,0.2386242337165538,0.8976138094432222,0.9110396570203644,0.9587392180869562,0.9650426369546312,0.8961016658080028,0.9088913282107574
50
+ 49,0.2578418030263123,0.23733698464091568,0.8982343318102329,0.9088960342979635,0.9592633734388838,0.9654791732003506,0.8966603654694392,0.9067982456140351
51
+ 50,0.26141039480673195,0.23701872722128964,0.8956112145315056,0.9088960342979635,0.9580386200542569,0.9655888816515774,0.8939754204027845,0.9067982456140351
52
+ 51,0.259780691322245,0.23657873541212543,0.8975291927568116,0.909967845659164,0.9585131853596384,0.9657830254029631,0.8959294164828554,0.9076923076923077
53
+ 52,0.2566238320717091,0.2364781689605529,0.8987984430529701,0.912647374062165,0.959725949749472,0.9658014058764671,0.8973155514853185,0.9098949695964621
54
+ 53,0.2586648547320544,0.23601951754361486,0.8969650815140746,0.9121114683815649,0.9588752832334386,0.965866311923528,0.8952664927320164,0.9095920617420066
55
+ 54,0.2582761714665856,0.23666827026095805,0.8983471540587804,0.9067524115755627,0.9590203667770665,0.9657594754212863,0.8966565349544073,0.9050218340611353
56
+ 55,0.25846378629049044,0.23585528283832158,0.897472781632538,0.909967845659164,0.9589682357318894,0.9659679789175969,0.8958780900002864,0.9083969465648855
57
+ 56,0.2578610007301727,0.23492327941000654,0.8982343318102329,0.9131832797427653,0.9593440712275935,0.9662172640894945,0.8966899553315771,0.91
58
+ 57,0.25692052996225173,0.23500062688178955,0.8990804986743386,0.909967845659164,0.9591689968992466,0.9660374800830338,0.897431487214769,0.9082969432314411
59
+ 58,0.25743473764653335,0.23414445081516094,0.8987702374908332,0.9131832797427653,0.959214537577279,0.9662339213936075,0.8973075052218947,0.9104972375690608
60
+ 59,0.2545647950296697,0.2338284113207814,0.8980086873131381,0.9105037513397642,0.9602333571041608,0.9662695335610215,0.8963837469195942,0.9082921471718836
61
+ 60,0.25497477856066086,0.2333558027383982,0.899559993230665,0.9105037513397642,0.9599452377722204,0.9664521895164673,0.898120333018625,0.9085933223864259
62
+ 61,0.2557236517463204,0.2334069313056216,0.8999266655384441,0.9083601286173634,0.9596650835242798,0.966607274761657,0.8984079715954645,0.9067103109656302
63
+ 62,0.2539627052595176,0.2340861028988645,0.8996164043549388,0.9094319399785638,0.9603996962524923,0.9664544870756552,0.8980492136698273,0.9081022294725394
64
+ 63,0.25634625639825087,0.23262122187200465,0.8982061262480961,0.9121114683815649,0.9595762090342772,0.966630824743334,0.8967765923976776,0.9096916299559471
65
+ 64,0.25433197337613933,0.23240779843361048,0.8993343487335702,0.9094319399785638,0.9601672465887443,0.9666451844882589,0.8977744679632229,0.9073972602739726
66
+ 65,0.2535609259613881,0.2317221123976723,0.9000676933491284,0.9105037513397642,0.9603794414543876,0.9668703452886827,0.8985017331767268,0.9081913139087411
67
+ 66,0.2530571951450965,0.23177604928277312,0.8998138432898968,0.9105037513397642,0.9605058851739935,0.9667445539231398,0.8983341919972523,0.9082921471718836
68
+ 67,0.2538526393870328,0.23153858782777448,0.8978676595024538,0.912647374062165,0.9603723657994645,0.9668691965090885,0.8963562984801213,0.9107827038861521
69
+ 68,0.2529411534530537,0.23200270816252547,0.9008574490889604,0.9078242229367631,0.960627854699391,0.9668961928295476,0.8992865533938855,0.9061135371179039
70
+ 69,0.25309370796800285,0.23067457523568266,0.9017882326394765,0.909967845659164,0.9605428386450054,0.9671012499870761,0.9003548534798534,0.9076923076923077
71
+ 70,0.25041982427146114,0.230317863429091,0.900942065775371,0.9115755627009646,0.9615229369804751,0.9671115890034222,0.8994445398843268,0.9090909090909091
72
+ 71,0.25121096075135935,0.230538613830732,0.90130873808315,0.9105037513397642,0.9610929624619656,0.9670874646319482,0.899699011036262,0.9085933223864259
73
+ 72,0.2535016984579668,0.23016462573284505,0.9002651322840864,0.9088960342979635,0.9602364979503084,0.967227615742416,0.8988789750629147,0.9067982456140351
74
+ 73,0.253068623122759,0.23021918496901583,0.9002087211598128,0.9110396570203644,0.9604410507267689,0.967227041352619,0.8987580839008756,0.9090909090909091
75
+ 74,0.2547518807904816,0.22971435308073113,0.8978958650645907,0.9105037513397642,0.9597242790866275,0.9672597815710481,0.8963107241063245,0.9079889807162534
76
+ 75,0.2516047195202809,0.22963273141928425,0.9018164382016134,0.9115755627009646,0.9608626162422942,0.967287352281304,0.9003121509779776,0.9092908191313909
77
+ 76,0.2513020654522761,0.22952060717670097,0.9000958989112653,0.9105037513397642,0.9609294666226846,0.9673459400405977,0.8985681557846507,0.9083927591881514
78
+ 77,0.25102566387885755,0.22909963950275225,0.9017882326394765,0.9105037513397642,0.9610411544116053,0.9674315241203507,0.9002292263610315,0.9085933223864259
79
+ 78,0.24903563372595375,0.229370289149775,0.9020420826987082,0.9115755627009646,0.9614388501328522,0.9674993021163966,0.9005583392984968,0.9101796407185628
80
+ 79,0.24908673764283856,0.22876657018515842,0.9026908106278558,0.9115755627009646,0.9615880371426474,0.9673872961059818,0.9012366884232222,0.9093904448105437
81
+ 80,0.25098429144911605,0.22800752041424202,0.901111299148192,0.9121114683815649,0.9610960412549219,0.9675504228083297,0.8995473038794338,0.9095920617420066
82
+ 81,0.25187276332768554,0.22841638824947394,0.900942065775371,0.9115755627009646,0.9605936999864204,0.9674608179999976,0.8993292438227369,0.9094898518924849
83
+ 82,0.24891476806982618,0.22785066106503415,0.9026908106278558,0.9137191854233655,0.9617064346317727,0.9675866093655405,0.9013440091507006,0.9110988404196576
84
+ 83,0.24819641064157097,0.2283332255875566,0.9022113160715293,0.9115755627009646,0.961975903001939,0.9675532947573147,0.9006960158107296,0.9095890410958904
85
+ 84,0.24944272374850598,0.2278306665336204,0.9013933547695605,0.9115755627009646,0.961507485735825,0.9675866093655405,0.8998510370115733,0.9090909090909091
86
+ 85,0.24824245109647275,0.22729395449736495,0.9019574660122976,0.9105037513397642,0.9616687587979691,0.9678646140272881,0.9002811406276895,0.9084931506849315
87
+ 86,0.24914310733352868,0.22692531582051917,0.9002651322840864,0.9110396570203644,0.9614849301963173,0.967912862770236,0.8986819484240688,0.9087912087912088
88
+ 87,0.24682794355724766,0.2266309580427274,0.9024933716928979,0.9137191854233655,0.9623031206177619,0.9679547932254171,0.9009427204217886,0.9110988404196576
89
+ 88,0.24724169885482777,0.22624671286708672,0.9028882495628138,0.9121114683815649,0.9621526448109153,0.9680484187623278,0.9013269137076204,0.9098901098901099
90
+ 89,0.25125619168157687,0.2263305438293138,0.9009702713375077,0.9131832797427653,0.9607525768407135,0.9680466955929369,0.8994184547511961,0.9111842105263158
91
+ 90,0.24720154869352667,0.225990282281802,0.9022395216336662,0.9121114683815649,0.9620461440323498,0.9680771382521777,0.9007161271841879,0.9100877192982456
92
+ 91,0.24784412468159575,0.22568222808492913,0.9010548880239183,0.9115755627009646,0.9620109869216724,0.9682483064116836,0.899576319706859,0.9094898518924849
93
+ 92,0.248056544045503,0.2256135313361404,0.9016472048287922,0.9115755627009646,0.9618262307043652,0.9683419319485943,0.9000544584252916,0.909688013136289
94
+ 93,0.24894926377633114,0.22559164052415892,0.9032267163084561,0.9121114683815649,0.9615222368931877,0.9682029296177206,0.901653911199014,0.9098901098901099
95
+ 94,0.2487094634316419,0.2255329885475122,0.9022395216336662,0.9158628081457664,0.961607335685162,0.9684114331140313,0.9008751358462507,0.9128262076624097
96
+ 95,0.24773584570521973,0.22499046352515267,0.9005753934675919,0.912647374062165,0.9619313663127207,0.9683855855731663,0.8990058161189582,0.9101928374655648
97
+ 96,0.24909711888768907,0.22514116605953388,0.9017882326394765,0.912647374062165,0.9612734195068865,0.9683838624037755,0.9002235085105164,0.9106849315068493
98
+ 97,0.24610930364493852,0.22513675670531785,0.9028036328764032,0.912647374062165,0.9622271643293154,0.9683890319119485,0.9012211202201457,0.9107827038861521
99
+ 98,0.2460740361344413,0.22550023603477662,0.9031138940599086,0.9147909967845659,0.9624763524436574,0.9684217721303773,0.901471474055589,0.9132569558101473
100
+ 99,0.2464908709389281,0.22444128420000292,0.9031138940599086,0.912647374062165,0.9622997920209329,0.9686044280858229,0.9015843910265593,0.9106849315068493
101
+ 100,0.24613999790357724,0.22510776033930457,0.9026908106278558,0.912647374062165,0.962438579552298,0.9685561793428751,0.9012819045438938,0.9110747408619749
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