add readme and model weights
Browse files- .DS_Store +0 -0
- LICENSE +21 -0
- README.md +152 -3
- TRAINING-and-EVALUATION.md +204 -0
- assets/metrics1.png +0 -0
- assets/metrics2.png +0 -0
- assets/metrics3.png +0 -0
- assets/results1.png +0 -0
- assets/results2.png +0 -0
- assets/results3.png +0 -0
- assets/results4.png +0 -0
- assets/results5.png +0 -0
- checkpoint.pth +3 -0
- detr_r50_ep15/checkpoint.pth +3 -0
- detr_r50_ep15/eval/000.pth +3 -0
- detr_r50_ep15/eval/latest.pth +3 -0
- detr_r50_ep15/log.txt +15 -0
.DS_Store
ADDED
Binary file (6.15 kB). View file
|
|
LICENSE
ADDED
@@ -0,0 +1,21 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
MIT License
|
2 |
+
|
3 |
+
Copyright (c) 2021 Brian
|
4 |
+
|
5 |
+
Permission is hereby granted, free of charge, to any person obtaining a copy
|
6 |
+
of this software and associated documentation files (the "Software"), to deal
|
7 |
+
in the Software without restriction, including without limitation the rights
|
8 |
+
to use, copy, modify, merge, publish, distribute, sublicense, and/or sell
|
9 |
+
copies of the Software, and to permit persons to whom the Software is
|
10 |
+
furnished to do so, subject to the following conditions:
|
11 |
+
|
12 |
+
The above copyright notice and this permission notice shall be included in all
|
13 |
+
copies or substantial portions of the Software.
|
14 |
+
|
15 |
+
THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR
|
16 |
+
IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,
|
17 |
+
FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE
|
18 |
+
AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER
|
19 |
+
LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,
|
20 |
+
OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE
|
21 |
+
SOFTWARE.
|
README.md
CHANGED
@@ -1,3 +1,152 @@
|
|
1 |
-
|
2 |
-
|
3 |
-
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
# Face Detection using DEtection TRansformers from Facebook AI 🚀
|
2 |
+
![PyTorch 1.5 +](https://img.shields.io/badge/Pytorch-1.5%2B-green)
|
3 |
+
![torch vision 0.6 +](https://img.shields.io/badge/torchvision%20-0.6%2B-green)
|
4 |
+
|
5 |
+
This repository includes
|
6 |
+
* Training Pipeline for DETR on Custom dataset
|
7 |
+
* Wider Face Dataset annotaions and images
|
8 |
+
* Evaluation on test dataset
|
9 |
+
* Trained weights for Wider Face Dataset in [release page](https://github.com/NyanSwanAung/Pothole-Detection-using-MaskRCNN/releases)
|
10 |
+
* Metrics Visualization
|
11 |
+
|
12 |
+
## About Model
|
13 |
+
DETR or DEtection TRansformer is Facebook’s newest addition to the market of available deep learning-based object detection solutions. Very simply, it utilizes the transformer architecture to generate predictions of objects and their position in an image. DETR is a joint Convolutional Neural Network (CNN) and Transformer with a feed-forward network as a head. This architecture allows the network to reliably reason about object relations in the image using the powerful multi-head attention mechanism inherent in the Transformer architecture using features extracted by the CNN.
|
14 |
+
|
15 |
+
![DETR Architecutre](https://miro.medium.com/max/1200/1*niV3pN0JvipfJeqmdWN-3g.png)
|
16 |
+
|
17 |
+
## Face Dataset
|
18 |
+
|
19 |
+
![Dataset Image](http://shuoyang1213.me/WIDERFACE/support/intro.jpg)
|
20 |
+
|
21 |
+
I've used [WIDER FACE dataset](http://shuoyang1213.me/WIDERFACE/) which is a publicly available face detection benchmark dataset, consisting of 32,203 images and label 393,703 faces with a high degree of variability in scale, pose and occlusion as depicted in the sample images. WIDER FACE dataset is organized based on 61 event classes. For each event class, the original dataset was split into 40%/10%/50% as training, validation and testing sets.
|
22 |
+
|
23 |
+
By compiling the give code, the dataset will be automatically downloaded but you can download it manually from the official website or from my github [release page](https://github.com/NyanSwanAung/Object-Detection-Using-DETR-CustomDataset/releases).
|
24 |
+
|
25 |
+
In [dataloader/face.py](https://github.com/NyanSwanAung/Object-Detection-Using-DETR-CustomDataset/blob/main/dataloaders/face.py), I set the maximum width of images in the random transform to 800 pixels. This should allow for training on most GPUs, but it is advisable to change back to the original 1333 if your GPU can handle it.
|
26 |
+
|
27 |
+
## Model
|
28 |
+
|
29 |
+
We're going to use **DETR with a backbone of Resnet 50**, pretrained on COCO 2017 dataset. AP is computed on COCO 2017 val5k, and inference time is over the first 100 val5k COCO images, with torchscript transformer. If you want to use other DETR models, you can find them in model zoo below.
|
30 |
+
|
31 |
+
Model Zoo
|
32 |
+
|
33 |
+
<table>
|
34 |
+
<thead>
|
35 |
+
<tr style="text-align: right;">
|
36 |
+
<th></th>
|
37 |
+
<th>name</th>
|
38 |
+
<th>backbone</th>
|
39 |
+
<th>schedule</th>
|
40 |
+
<th>inf_time</th>
|
41 |
+
<th>box AP</th>
|
42 |
+
<th>url</th>
|
43 |
+
<th>size</th>
|
44 |
+
</tr>
|
45 |
+
</thead>
|
46 |
+
<tbody>
|
47 |
+
<tr>
|
48 |
+
<th>0</th>
|
49 |
+
<td>DETR</td>
|
50 |
+
<td>R50</td>
|
51 |
+
<td>500</td>
|
52 |
+
<td>0.036</td>
|
53 |
+
<td>42.0</td>
|
54 |
+
<td><a href="https://dl.fbaipublicfiles.com/detr/detr-r50-e632da11.pth">model</a> | <a href="https://dl.fbaipublicfiles.com/detr/logs/detr-r50_log.txt">logs</a></td>
|
55 |
+
<td>159Mb</td>
|
56 |
+
</tr>
|
57 |
+
<tr>
|
58 |
+
<th>1</th>
|
59 |
+
<td>DETR-DC5</td>
|
60 |
+
<td>R50</td>
|
61 |
+
<td>500</td>
|
62 |
+
<td>0.083</td>
|
63 |
+
<td>43.3</td>
|
64 |
+
<td><a href="https://dl.fbaipublicfiles.com/detr/detr-r50-dc5-f0fb7ef5.pth">model</a> | <a href="https://dl.fbaipublicfiles.com/detr/logs/detr-r50-dc5_log.txt">logs</a></td>
|
65 |
+
<td>159Mb</td>
|
66 |
+
</tr>
|
67 |
+
<tr>
|
68 |
+
<th>2</th>
|
69 |
+
<td>DETR</td>
|
70 |
+
<td>R101</td>
|
71 |
+
<td>500</td>
|
72 |
+
<td>0.050</td>
|
73 |
+
<td>43.5</td>
|
74 |
+
<td><a href="https://dl.fbaipublicfiles.com/detr/detr-r101-2c7b67e5.pth">model</a> | <a href="https://dl.fbaipublicfiles.com/detr/logs/detr-r101_log.txt">logs</a></td>
|
75 |
+
<td>232Mb</td>
|
76 |
+
</tr>
|
77 |
+
<tr>
|
78 |
+
<th>3</th>
|
79 |
+
<td>DETR-DC5</td>
|
80 |
+
<td>R101</td>
|
81 |
+
<td>500</td>
|
82 |
+
<td>0.097</td>
|
83 |
+
<td>44.9</td>
|
84 |
+
<td><a href="https://dl.fbaipublicfiles.com/detr/detr-r101-dc5-a2e86def.pth">model</a> | <a href="https://dl.fbaipublicfiles.com/detr/logs/detr-r101-dc5_log.txt">logs</a></td>
|
85 |
+
<td>232Mb</td>
|
86 |
+
</tr>
|
87 |
+
</tbody>
|
88 |
+
</table>
|
89 |
+
|
90 |
+
## Training and Evaluation Steps
|
91 |
+
|
92 |
+
Run all the cells of [detr_custom_dataset.ipynb](https://github.com/NyanSwanAung/Object-Detection-Using-DETR-CustomDataset/blob/main/DETR_custom_dataset.ipynb) to train your model without any errors in Google Colaboratory.
|
93 |
+
|
94 |
+
Follow this [readme](https://github.com/NyanSwanAung/Object-Detection-Using-DETR-CustomDataset/blob/main/TRAINING-and-INFERENCING.md) to understand the training pipeline of DETR and evaluation on test images.
|
95 |
+
|
96 |
+
## Results
|
97 |
+
|
98 |
+
![](https://raw.githubusercontent.com/NyanSwanAung/Object-Detection-Using-DETR-CustomDataset/main/assets/results1.png)
|
99 |
+
![](https://raw.githubusercontent.com/NyanSwanAung/Object-Detection-Using-DETR-CustomDataset/main/assets/results2.png)
|
100 |
+
![](https://raw.githubusercontent.com/NyanSwanAung/Object-Detection-Using-DETR-CustomDataset/main/assets/results3.png)
|
101 |
+
![](https://raw.githubusercontent.com/NyanSwanAung/Object-Detection-Using-DETR-CustomDataset/main/assets/results4.png)
|
102 |
+
![](https://raw.githubusercontent.com/NyanSwanAung/Object-Detection-Using-DETR-CustomDataset/main/assets/results5.png)
|
103 |
+
|
104 |
+
|
105 |
+
## COCO Evaluation Metrics on Validation Dataset (After 15 epochs of training)
|
106 |
+
|
107 |
+
It took me 4:59:45 hours to finish 15 epochs with batch_size=16 using Tesla P100-PCIE. If you want better accuracy, you can train more epochs.
|
108 |
+
|
109 |
+
```bash
|
110 |
+
IoU metric: bbox
|
111 |
+
Average Precision (AP) @[ IoU=0.50:0.95 | area= all | maxDets=100 ] = 0.393
|
112 |
+
Average Precision (AP) @[ IoU=0.50 | area= all | maxDets=100 ] = 0.766
|
113 |
+
Average Precision (AP) @[ IoU=0.75 | area= all | maxDets=100 ] = 0.370
|
114 |
+
Average Precision (AP) @[ IoU=0.50:0.95 | area= small | maxDets=100 ] = 0.055
|
115 |
+
Average Precision (AP) @[ IoU=0.50:0.95 | area=medium | maxDets=100 ] = 0.391
|
116 |
+
Average Precision (AP) @[ IoU=0.50:0.95 | area= large | maxDets=100 ] = 0.615
|
117 |
+
Average Recall (AR) @[ IoU=0.50:0.95 | area= all | maxDets= 1 ] = 0.201
|
118 |
+
Average Recall (AR) @[ IoU=0.50:0.95 | area= all | maxDets= 10 ] = 0.448
|
119 |
+
Average Recall (AR) @[ IoU=0.50:0.95 | area= all | maxDets=100 ] = 0.500
|
120 |
+
Average Recall (AR) @[ IoU=0.50:0.95 | area= small | maxDets=100 ] = 0.194
|
121 |
+
Average Recall (AR) @[ IoU=0.50:0.95 | area=medium | maxDets=100 ] = 0.519
|
122 |
+
Average Recall (AR) @[ IoU=0.50:0.95 | area= large | maxDets=100 ] = 0.706
|
123 |
+
```
|
124 |
+
## Metrics Visualization
|
125 |
+
![](https://raw.githubusercontent.com/NyanSwanAung/Object-Detection-Using-DETR-CustomDataset/main/assets/metrics1.png)
|
126 |
+
![](https://raw.githubusercontent.com/NyanSwanAung/Object-Detection-Using-DETR-CustomDataset/main/assets/metrics2.png)
|
127 |
+
![](https://raw.githubusercontent.com/NyanSwanAung/Object-Detection-Using-DETR-CustomDataset/main/assets/metrics3.png)
|
128 |
+
|
129 |
+
## Augmentation methods
|
130 |
+
For train images,
|
131 |
+
```
|
132 |
+
T.RandomHorizontalFlip(),
|
133 |
+
T.RandomSelect(
|
134 |
+
T.RandomResize(scales, max_size=800),
|
135 |
+
T.Compose([
|
136 |
+
T.RandomResize([400, 500, 600]),
|
137 |
+
T.RandomSizeCrop(384, 600),
|
138 |
+
T.RandomResize(scales, max_size=800),
|
139 |
+
])
|
140 |
+
```
|
141 |
+
|
142 |
+
For val images,
|
143 |
+
|
144 |
+
``` T.RandomResize([800], max_size=800) ```
|
145 |
+
|
146 |
+
## References
|
147 |
+
|
148 |
+
[DETR Tutorial by thedeepreader](https://github.com/thedeepreader/detr_tutorial)
|
149 |
+
|
150 |
+
[Training DETR on your own dataset by Oliver Gyldenberg Hjermitslev](https://towardsdatascience.com/training-detr-on-your-own-dataset-bcee0be05522)
|
151 |
+
|
152 |
+
[Facebook AI's original DETR repo](https://github.com/facebookresearch/detr)
|
TRAINING-and-EVALUATION.md
ADDED
@@ -0,0 +1,204 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
## Training Steps
|
2 |
+
|
3 |
+
In this [notebook](https://github.com/NyanSwanAung/Object-Detection-Using-DETR-CustomDataset/blob/main/detr_custom_dataset.ipynb), you'll need to follow 4 steps in order to train the model
|
4 |
+
|
5 |
+
1. Prepare prerequisite
|
6 |
+
2. Setup Paths
|
7 |
+
3. Train Model
|
8 |
+
|
9 |
+
Note: If you want to edit and add new codes to this notebook, I suggest clone the repo or save the notebook as a copy or else you'll lose your new codes.
|
10 |
+
|
11 |
+
### Step 1 - Prepare Prerequisites
|
12 |
+
|
13 |
+
1.1 Clone my github repository
|
14 |
+
```python
|
15 |
+
!git clone https://github.com/NyanSwanAung/Object-Detection-Using-DETR-CustomDataset.git
|
16 |
+
%cd Object-Detection-Using-DETR-CustomDataset/
|
17 |
+
```
|
18 |
+
|
19 |
+
1.2 Download face dataset from my github release page using wget
|
20 |
+
```bash
|
21 |
+
# Download train images
|
22 |
+
!wget https://github.com/NyanSwanAung/Object-Detection-Using-DETR-CustomDataset/releases/download/v1.0/WIDER_train.zip -O datasets/train.zip
|
23 |
+
|
24 |
+
# Download val images
|
25 |
+
!wget https://github.com/NyanSwanAung/Object-Detection-Using-DETR-CustomDataset/releases/download/v1.0/WIDER_val.zip -O datasets/val.zip
|
26 |
+
|
27 |
+
# Download annotations
|
28 |
+
!wget https://github.com/NyanSwanAung/Object-Detection-Using-DETR-CustomDataset/releases/download/v1.0/wider_face_split.zip -O datasets/annotations.zip
|
29 |
+
```
|
30 |
+
|
31 |
+
1.3 There is an already implemented dataloader and you just need to copy face dataloader to detr/datasets folder. You can modify the dataloader if you want.
|
32 |
+
```bash
|
33 |
+
!cp dataloaders/face.py /content/Object-Detection-Using-DETR-CustomDataset/detr/datasets
|
34 |
+
|
35 |
+
# Make folder for trained-weights.
|
36 |
+
!mkdir detr/outputs
|
37 |
+
```
|
38 |
+
|
39 |
+
1.4 Install COCO API for evaluation
|
40 |
+
```bash
|
41 |
+
!pip install -U 'git+https://github.com/cocodataset/cocoapi.git#subdirectory=PythonAPI'
|
42 |
+
```
|
43 |
+
|
44 |
+
The original Wider Face Dataset contains images and .mat for annotations. In order to train DETR, we need the dataset to be in COCO format below like this.
|
45 |
+
```
|
46 |
+
--annotations # annotation json files
|
47 |
+
|---- train.json
|
48 |
+
|---- val.json
|
49 |
+
--train # train images
|
50 |
+
|---- image0
|
51 |
+
|---- image1
|
52 |
+
|---- ....
|
53 |
+
--val # val images
|
54 |
+
|---- image0
|
55 |
+
|---- image1
|
56 |
+
|---- ....
|
57 |
+
```
|
58 |
+
|
59 |
+
1.5 Dataset Prepartion
|
60 |
+
|
61 |
+
There is a script [datasets/face_to_coco.py](https://github.com/NyanSwanAung/Object-Detection-Using-DETR-CustomDataset/blob/main/datasets/face_to_coco.py) which converts wider face dataset into COCO formatted dataset. Just simply run the cell and you will get train.json and val.json.
|
62 |
+
|
63 |
+
Before running the script, you need to set your dataset path in line 27 and 28 of the script.
|
64 |
+
```python
|
65 |
+
25. phases = ["train", "val"]
|
66 |
+
26. for phase in phases:
|
67 |
+
27. root_path = "datasets/WIDER_{}/images/".format(phase)
|
68 |
+
28. gt_path = os.path.join("datasets/wider_face_split/wider_face_{}.mat".format(phase))
|
69 |
+
```
|
70 |
+
|
71 |
+
1.6 After setting up, run the script **face_to_coco.py**
|
72 |
+
|
73 |
+
```bash
|
74 |
+
!python datasets/face_to_coco.py
|
75 |
+
|
76 |
+
# Move json files to datasets folder
|
77 |
+
!mv train.json datasets && mv val.json datasets
|
78 |
+
```
|
79 |
+
|
80 |
+
After successful data preparation, you will get datasets folder like this
|
81 |
+
```
|
82 |
+
datasets
|
83 |
+
|---- WIDER_train
|
84 |
+
|---- WIDER_val
|
85 |
+
|---- WIDER_test
|
86 |
+
|---- wider_face_split
|
87 |
+
|---- train.json
|
88 |
+
|---- val.json
|
89 |
+
```
|
90 |
+
|
91 |
+
### Step 2 - Setup Paths
|
92 |
+
```python
|
93 |
+
DATASET_PATH = 'datasets'
|
94 |
+
|
95 |
+
TRAIN_IMG = 'datasets/WIDER_train/images'
|
96 |
+
TRAIN_JSON = 'datasets/train.json'
|
97 |
+
|
98 |
+
VAL_IMG = 'datasets/WIDER_val/images'
|
99 |
+
VAL_JSON = 'datasets/val.json'
|
100 |
+
```
|
101 |
+
|
102 |
+
### Step 3 - Train Model
|
103 |
+
|
104 |
+
To train the model, you'll need to run **detr/main.py** from with required arguments. If you want to see supported arguments and the definition of arguments, run below code.
|
105 |
+
```
|
106 |
+
!python detr/main.py --help
|
107 |
+
```
|
108 |
+
|
109 |
+
If you want to train model with my configurations, run the code below.
|
110 |
+
|
111 |
+
```
|
112 |
+
!python detr/main.py \
|
113 |
+
--batch_size=16 \
|
114 |
+
--epochs=15 \
|
115 |
+
--num_classes=2 \
|
116 |
+
--num_queries=100 \
|
117 |
+
--dataset_file='face' \
|
118 |
+
--data_path={DATASET_PATH} \
|
119 |
+
--train_folder={TRAIN_IMG} \
|
120 |
+
--train_json={TRAIN_JSON} \
|
121 |
+
--val_folder={VAL_IMG} \
|
122 |
+
--val_json={VAL_JSON} \
|
123 |
+
--output_dir='detr/outputs' \
|
124 |
+
--resume={PRETRAINED_MODEL}
|
125 |
+
```
|
126 |
+
|
127 |
+
## Evaluation Steps
|
128 |
+
|
129 |
+
To evaluate your model, you can use own trained weights or download my trained weights from github release page.
|
130 |
+
|
131 |
+
```bash
|
132 |
+
!wget https://github.com/NyanSwanAung/Object-Detection-Using-DETR-CustomDataset/releases/download/v1.0/detr_r50_ep15.tar
|
133 |
+
|
134 |
+
# Extract tar file
|
135 |
+
!tar -xf detr_r50_ep15.tar
|
136 |
+
```
|
137 |
+
|
138 |
+
Load DETR model from torch.hub and load ckpt file into model
|
139 |
+
|
140 |
+
```python
|
141 |
+
TRAINED_CKPT_PATH = 'YOUR CHECKPOINT PATH' # sample --> checkpoint.pth
|
142 |
+
checkpoint = torch.load(TRAINED_CKPT, map_location='cpu')
|
143 |
+
model = torch.hub.load('facebookresearch/detr', 'detr_resnet50', pretrained=False, num_classes=2)
|
144 |
+
model.load_state_dict(checkpoint['model'], strict=False)
|
145 |
+
```
|
146 |
+
For simplicity, I've modified postprocessing function from Standalone Colab Notebook of original detr repo.
|
147 |
+
|
148 |
+
```python
|
149 |
+
def postprocess_img(img_path):
|
150 |
+
im = Image.open(img_path)
|
151 |
+
|
152 |
+
# mean-std normalize the input image (batch-size: 1)
|
153 |
+
img = transform(im).unsqueeze(0)
|
154 |
+
|
155 |
+
# propagate through the model
|
156 |
+
start = time.time()
|
157 |
+
outputs = model(img)
|
158 |
+
end = time.time()
|
159 |
+
print(f'Prediction time per image: {math.ceil(end - start)}s ', )
|
160 |
+
|
161 |
+
# keep only predictions with 0.7+ confidence
|
162 |
+
probas = outputs['pred_logits'].softmax(-1)[0, :, :-1]
|
163 |
+
keep = probas.max(-1).values > 0.9
|
164 |
+
|
165 |
+
# convert boxes from [0; 1] to image scales
|
166 |
+
bboxes_scaled = rescale_bboxes(outputs['pred_boxes'][0, keep], im.size)
|
167 |
+
|
168 |
+
plot_results(im, probas[keep], bboxes_scaled)
|
169 |
+
```
|
170 |
+
|
171 |
+
Load paths from test folder
|
172 |
+
```python
|
173 |
+
|
174 |
+
TEST_IMG_PATH = 'datasets/WIDER_test/images'
|
175 |
+
|
176 |
+
img_format = {'jpg', 'png', 'jpeg'}
|
177 |
+
paths = list()
|
178 |
+
|
179 |
+
for obj in os.scandir(TEST_IMG_PATH):
|
180 |
+
if obj.is_dir():
|
181 |
+
paths_temp = [obj.path for obj in os.scandir(obj.path) if obj.name.split(".")[-1] in img_format]
|
182 |
+
print()
|
183 |
+
paths.extend(paths_temp)
|
184 |
+
```
|
185 |
+
|
186 |
+
Evaluate on first 10 images
|
187 |
+
```python
|
188 |
+
for i in paths[1:10]:
|
189 |
+
postprocess_img(i)
|
190 |
+
```
|
191 |
+
## Metrics Visulaization
|
192 |
+
After training detr, you will get output folder containing log.txt. By using that output folder, you can visualize your metrics.
|
193 |
+
```
|
194 |
+
from detr.util.plot_utils import plot_logs
|
195 |
+
from pathlib import Path
|
196 |
+
|
197 |
+
log_directory = [Path('trained-weights')]
|
198 |
+
|
199 |
+
fields_of_interest = ('loss', 'mAP', 'loss_ce', 'loss_bbox', 'loss_giou', 'class_error', 'cardinality_error_unscaled')
|
200 |
+
plot_logs(log_directory, fields_of_interest)
|
201 |
+
```
|
202 |
+
|
203 |
+
|
204 |
+
|
assets/metrics1.png
ADDED
assets/metrics2.png
ADDED
assets/metrics3.png
ADDED
assets/results1.png
ADDED
assets/results2.png
ADDED
assets/results3.png
ADDED
assets/results4.png
ADDED
assets/results5.png
ADDED
checkpoint.pth
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:a9f0396dde75a473e72307d1e37315595a1526d49f6ce9e6336edc0bf5bc2cc0
|
3 |
+
size 497000079
|
detr_r50_ep15/checkpoint.pth
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:a9f0396dde75a473e72307d1e37315595a1526d49f6ce9e6336edc0bf5bc2cc0
|
3 |
+
size 497000079
|
detr_r50_ep15/eval/000.pth
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:fe1af1924538d1349a1356d4be07c16b047bc13195762b3766c336801eb705bf
|
3 |
+
size 347887
|
detr_r50_ep15/eval/latest.pth
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:c76fb987b102cf93ec911d1abce68ad6e7d992a759e4ee9564881f56a789243e
|
3 |
+
size 354287
|
detr_r50_ep15/log.txt
ADDED
@@ -0,0 +1,15 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
{"train_lr": 0.00010000000000000121, "train_class_error": 72.51466249003647, "train_loss": 9.387352081592738, "train_loss_ce": 0.41315852041037854, "train_loss_bbox": 0.2661188750932917, "train_loss_giou": 0.8372442697445424, "train_loss_ce_0": 0.47964148940952017, "train_loss_bbox_0": 0.2892556876709526, "train_loss_giou_0": 0.9052200898121486, "train_loss_ce_1": 0.4482063310726114, "train_loss_bbox_1": 0.27961766117074516, "train_loss_giou_1": 0.872677941096537, "train_loss_ce_2": 0.43813248411610267, "train_loss_bbox_2": 0.26876843212408585, "train_loss_giou_2": 0.8475488555373962, "train_loss_ce_3": 0.4232598702942005, "train_loss_bbox_3": 0.2654796092506396, "train_loss_giou_3": 0.8369764600481305, "train_loss_ce_4": 0.41695456345525256, "train_loss_bbox_4": 0.26491238030920444, "train_loss_giou_4": 0.8341785278978546, "train_loss_ce_unscaled": 0.41315852041037854, "train_class_error_unscaled": 72.51466249003647, "train_loss_bbox_unscaled": 0.05322377507486657, "train_loss_giou_unscaled": 0.4186221348722712, "train_cardinality_error_unscaled": 5.159610754414126, "train_loss_ce_0_unscaled": 0.47964148940952017, "train_loss_bbox_0_unscaled": 0.05785113750967417, "train_loss_giou_0_unscaled": 0.4526100449060743, "train_cardinality_error_0_unscaled": 5.697933386837882, "train_loss_ce_1_unscaled": 0.4482063310726114, "train_loss_bbox_1_unscaled": 0.055923532237138834, "train_loss_giou_1_unscaled": 0.4363389705482685, "train_cardinality_error_1_unscaled": 5.565308988764045, "train_loss_ce_2_unscaled": 0.43813248411610267, "train_loss_bbox_2_unscaled": 0.05375368640209469, "train_loss_giou_2_unscaled": 0.4237744277686981, "train_cardinality_error_2_unscaled": 5.319522471910112, "train_loss_ce_3_unscaled": 0.4232598702942005, "train_loss_bbox_3_unscaled": 0.053095921685688954, "train_loss_giou_3_unscaled": 0.41848823002406527, "train_cardinality_error_3_unscaled": 5.23465088282504, "train_loss_ce_4_unscaled": 0.41695456345525256, "train_loss_bbox_4_unscaled": 0.052982476089945, "train_loss_giou_4_unscaled": 0.4170892639489273, "train_cardinality_error_4_unscaled": 5.245786516853933, "test_class_error": 21.611431923641522, "test_loss": 7.451885991795048, "test_loss_ce": 0.27366653967435195, "test_loss_bbox": 0.19403525968645788, "test_loss_giou": 0.7365165297772475, "test_loss_ce_0": 0.30874489219325363, "test_loss_bbox_0": 0.21493126561117779, "test_loss_giou_0": 0.8217905076446047, "test_loss_ce_1": 0.2795451614697268, "test_loss_bbox_1": 0.2061842610691763, "test_loss_giou_1": 0.7774060503312736, "test_loss_ce_2": 0.2832632802284447, "test_loss_bbox_2": 0.19425107344130801, "test_loss_giou_2": 0.7468125320923557, "test_loss_ce_3": 0.2764695198008209, "test_loss_bbox_3": 0.19431574576219934, "test_loss_giou_3": 0.7359498756326688, "test_loss_ce_4": 0.2735150553713179, "test_loss_bbox_4": 0.19330176787011943, "test_loss_giou_4": 0.7411866653117405, "test_loss_ce_unscaled": 0.27366653967435195, "test_class_error_unscaled": 21.611431923641522, "test_loss_bbox_unscaled": 0.038807052134233674, "test_loss_giou_unscaled": 0.36825826488862373, "test_cardinality_error_unscaled": 7.73593418461502, "test_loss_ce_0_unscaled": 0.30874489219325363, "test_loss_bbox_0_unscaled": 0.042986253229011395, "test_loss_giou_0_unscaled": 0.41089525382230235, "test_cardinality_error_0_unscaled": 4.771231423517701, "test_loss_ce_1_unscaled": 0.2795451614697268, "test_loss_bbox_1_unscaled": 0.041236852349084654, "test_loss_giou_1_unscaled": 0.3887030251656368, "test_cardinality_error_1_unscaled": 7.843683652817064, "test_loss_ce_2_unscaled": 0.2832632802284447, "test_loss_bbox_2_unscaled": 0.038850214711989565, "test_loss_giou_2_unscaled": 0.3734062660461778, "test_cardinality_error_2_unscaled": 7.268179407544956, "test_loss_ce_3_unscaled": 0.2764695198008209, "test_loss_bbox_3_unscaled": 0.038863149086001574, "test_loss_giou_3_unscaled": 0.3679749378163344, "test_cardinality_error_3_unscaled": 8.120222929936306, "test_loss_ce_4_unscaled": 0.2735150553713179, "test_loss_bbox_4_unscaled": 0.03866035365469896, "test_loss_giou_4_unscaled": 0.37059333265587024, "test_cardinality_error_4_unscaled": 7.935642251543179, "test_coco_eval_bbox": [0.161007201647843, 0.3926209117814265, 0.10353746635996891, 0.014753172133523295, 0.15729305563090804, 0.2963372905880421, 0.14206810631229239, 0.34839424141749725, 0.45477574750830563, 0.16941247728649303, 0.4638031450203844, 0.6600093327111527], "epoch": 0, "n_parameters": 41279495}
|
2 |
+
{"train_lr": 0.00010000000000000121, "train_class_error": 23.164793770730398, "train_loss": 6.9494620731898715, "train_loss_ce": 0.20766957974835729, "train_loss_bbox": 0.20211328774164422, "train_loss_giou": 0.7261754909162537, "train_loss_ce_0": 0.2723250805040041, "train_loss_bbox_0": 0.2081952528193904, "train_loss_giou_0": 0.748648450089496, "train_loss_ce_1": 0.2286175297002157, "train_loss_bbox_1": 0.20524878329918816, "train_loss_giou_1": 0.7336996615315708, "train_loss_ce_2": 0.22329070173909538, "train_loss_bbox_2": 0.20153500227015436, "train_loss_giou_2": 0.7207442368492842, "train_loss_ce_3": 0.2098322677131545, "train_loss_bbox_3": 0.20272080649294402, "train_loss_giou_3": 0.7241624469359078, "train_loss_ce_4": 0.20710544346160528, "train_loss_bbox_4": 0.20212597335370355, "train_loss_giou_4": 0.7252520745676938, "train_loss_ce_unscaled": 0.20766957974835729, "train_class_error_unscaled": 23.164793770730398, "train_loss_bbox_unscaled": 0.04042265752261657, "train_loss_giou_unscaled": 0.36308774545812683, "train_cardinality_error_unscaled": 3.1844903691813804, "train_loss_ce_0_unscaled": 0.2723250805040041, "train_loss_bbox_0_unscaled": 0.041639050582414835, "train_loss_giou_0_unscaled": 0.374324225044748, "train_cardinality_error_0_unscaled": 3.913422953451043, "train_loss_ce_1_unscaled": 0.2286175297002157, "train_loss_bbox_1_unscaled": 0.041049756603031444, "train_loss_giou_1_unscaled": 0.3668498307657854, "train_cardinality_error_1_unscaled": 3.5159510433386836, "train_loss_ce_2_unscaled": 0.22329070173909538, "train_loss_bbox_2_unscaled": 0.04030700055448814, "train_loss_giou_2_unscaled": 0.3603721184246421, "train_cardinality_error_2_unscaled": 3.286416532905297, "train_loss_ce_3_unscaled": 0.2098322677131545, "train_loss_bbox_3_unscaled": 0.040544161271082645, "train_loss_giou_3_unscaled": 0.3620812234679539, "train_cardinality_error_3_unscaled": 3.2090690208667736, "train_loss_ce_4_unscaled": 0.20710544346160528, "train_loss_bbox_4_unscaled": 0.0404251946336672, "train_loss_giou_4_unscaled": 0.3626260372838469, "train_cardinality_error_4_unscaled": 3.1523876404494384, "test_class_error": 18.526155678329953, "test_loss": 6.660200759863398, "test_loss_ce": 0.18159035291926118, "test_loss_bbox": 0.18779028278247567, "test_loss_giou": 0.7175996324438958, "test_loss_ce_0": 0.23743747115419928, "test_loss_bbox_0": 0.18726001328723446, "test_loss_giou_0": 0.742689411541459, "test_loss_ce_1": 0.19645146058670654, "test_loss_bbox_1": 0.18797888687461806, "test_loss_giou_1": 0.7320517648936836, "test_loss_ce_2": 0.1833509114351432, "test_loss_bbox_2": 0.18818511239662292, "test_loss_giou_2": 0.7262584054545992, "test_loss_ce_3": 0.18111594183856894, "test_loss_bbox_3": 0.18764314017478068, "test_loss_giou_3": 0.7184262588904922, "test_loss_ce_4": 0.18029009177094432, "test_loss_bbox_4": 0.19152553469701938, "test_loss_giou_4": 0.7325560765661252, "test_loss_ce_unscaled": 0.18159035291926118, "test_class_error_unscaled": 18.526155678329953, "test_loss_bbox_unscaled": 0.03755805646158328, "test_loss_giou_unscaled": 0.3587998162219479, "test_cardinality_error_unscaled": 2.5739118901027997, "test_loss_ce_0_unscaled": 0.23743747115419928, "test_loss_bbox_0_unscaled": 0.037452002643210115, "test_loss_giou_0_unscaled": 0.3713447057707295, "test_cardinality_error_0_unscaled": 5.544585987261146, "test_loss_ce_1_unscaled": 0.19645146058670654, "test_loss_bbox_1_unscaled": 0.037595777339331664, "test_loss_giou_1_unscaled": 0.3660258824468418, "test_cardinality_error_1_unscaled": 3.4233014864526736, "test_loss_ce_2_unscaled": 0.1833509114351432, "test_loss_bbox_2_unscaled": 0.037637022519662125, "test_loss_giou_2_unscaled": 0.3631292027272996, "test_cardinality_error_2_unscaled": 3.5230891719745223, "test_loss_ce_3_unscaled": 0.18111594183856894, "test_loss_bbox_3_unscaled": 0.037528628115631214, "test_loss_giou_3_unscaled": 0.3592131294452461, "test_cardinality_error_3_unscaled": 3.018577495198341, "test_loss_ce_4_unscaled": 0.18029009177094432, "test_loss_bbox_4_unscaled": 0.03830510710075403, "test_loss_giou_4_unscaled": 0.3662780382830626, "test_cardinality_error_4_unscaled": 2.6666666671728634, "test_coco_eval_bbox": [0.31411116009933726, 0.6444261998407851, 0.26678010953960135, 0.03384309362087476, 0.2896080937021028, 0.5339852218265828, 0.17998338870431893, 0.4039590254706534, 0.4945598006644518, 0.1926711084191399, 0.5167443214909727, 0.6912272515165656], "epoch": 1, "n_parameters": 41279495}
|
3 |
+
{"train_lr": 0.00010000000000000121, "train_class_error": 18.192330202742525, "train_loss": 6.51418965509577, "train_loss_ce": 0.1660586337276389, "train_loss_bbox": 0.19293352840752317, "train_loss_giou": 0.7031079412559063, "train_loss_ce_0": 0.22946289205627687, "train_loss_bbox_0": 0.20057044138782096, "train_loss_giou_0": 0.7263683736515657, "train_loss_ce_1": 0.1925266601599717, "train_loss_bbox_1": 0.19549565660628232, "train_loss_giou_1": 0.7067006977086656, "train_loss_ce_2": 0.17539295175652442, "train_loss_bbox_2": 0.19508714811281447, "train_loss_giou_2": 0.7053552653586692, "train_loss_ce_3": 0.1673533906846234, "train_loss_bbox_3": 0.1938495601065469, "train_loss_giou_3": 0.7024434250009577, "train_loss_ce_4": 0.1656854831304156, "train_loss_bbox_4": 0.19332050481873952, "train_loss_giou_4": 0.7024771129625759, "train_loss_ce_unscaled": 0.1660586337276389, "train_class_error_unscaled": 18.192330202742525, "train_loss_bbox_unscaled": 0.03858670565997808, "train_loss_giou_unscaled": 0.3515539706279531, "train_cardinality_error_unscaled": 2.321930176565008, "train_loss_ce_0_unscaled": 0.22946289205627687, "train_loss_bbox_0_unscaled": 0.04011408824407844, "train_loss_giou_0_unscaled": 0.36318418682578285, "train_cardinality_error_0_unscaled": 3.596508828250401, "train_loss_ce_1_unscaled": 0.1925266601599717, "train_loss_bbox_1_unscaled": 0.039099131407362694, "train_loss_giou_1_unscaled": 0.3533503488543328, "train_cardinality_error_1_unscaled": 3.0067215088282504, "train_loss_ce_2_unscaled": 0.17539295175652442, "train_loss_bbox_2_unscaled": 0.03901742964109965, "train_loss_giou_2_unscaled": 0.3526776326793346, "train_cardinality_error_2_unscaled": 2.5115369181380416, "train_loss_ce_3_unscaled": 0.1673533906846234, "train_loss_bbox_3_unscaled": 0.0387699119926073, "train_loss_giou_3_unscaled": 0.35122171250047884, "train_cardinality_error_3_unscaled": 2.442114767255217, "train_loss_ce_4_unscaled": 0.1656854831304156, "train_loss_bbox_4_unscaled": 0.038664100945809105, "train_loss_giou_4_unscaled": 0.35123855648128793, "train_cardinality_error_4_unscaled": 2.303671749598716, "test_class_error": 16.41595196572079, "test_loss": 6.548046605602192, "test_loss_ce": 0.1645461002151203, "test_loss_bbox": 0.18709888807527578, "test_loss_giou": 0.7204553524779665, "test_loss_ce_0": 0.2280839798841507, "test_loss_bbox_0": 0.1894020941227105, "test_loss_giou_0": 0.7412345572641701, "test_loss_ce_1": 0.19134113479666648, "test_loss_bbox_1": 0.18619124952015603, "test_loss_giou_1": 0.7267856385297836, "test_loss_ce_2": 0.16935839499257932, "test_loss_bbox_2": 0.1857293019913564, "test_loss_giou_2": 0.7168125443777461, "test_loss_ce_3": 0.16639562404364538, "test_loss_bbox_3": 0.18629267826011986, "test_loss_giou_3": 0.7188304531726109, "test_loss_ce_4": 0.16342867716885867, "test_loss_bbox_4": 0.18667649572632114, "test_loss_giou_4": 0.7193834629787761, "test_loss_ce_unscaled": 0.1645461002151203, "test_class_error_unscaled": 16.41595196572079, "test_loss_bbox_unscaled": 0.03741977747031458, "test_loss_giou_unscaled": 0.3602276762389833, "test_cardinality_error_unscaled": 2.561173036599615, "test_loss_ce_0_unscaled": 0.2280839798841507, "test_loss_bbox_0_unscaled": 0.03788041886962523, "test_loss_giou_0_unscaled": 0.37061727863208505, "test_cardinality_error_0_unscaled": 4.350185775453118, "test_loss_ce_1_unscaled": 0.19134113479666648, "test_loss_bbox_1_unscaled": 0.03723824995860552, "test_loss_giou_1_unscaled": 0.3633928192648918, "test_cardinality_error_1_unscaled": 2.6372080684467485, "test_loss_ce_2_unscaled": 0.16935839499257932, "test_loss_bbox_2_unscaled": 0.037145860374543316, "test_loss_giou_2_unscaled": 0.35840627218887305, "test_cardinality_error_2_unscaled": 2.614251592356688, "test_loss_ce_3_unscaled": 0.16639562404364538, "test_loss_bbox_3_unscaled": 0.03725853565914236, "test_loss_giou_3_unscaled": 0.3594152265863054, "test_cardinality_error_3_unscaled": 2.604697452229299, "test_loss_ce_4_unscaled": 0.16342867716885867, "test_loss_bbox_4_unscaled": 0.03733529906221636, "test_loss_giou_4_unscaled": 0.35969173148938804, "test_cardinality_error_4_unscaled": 2.424628450612354, "test_coco_eval_bbox": [0.3314778488568442, 0.6667755544369651, 0.291259595553738, 0.028180157201418775, 0.29499175867875604, 0.5782161653272556, 0.18467607973421926, 0.39952934662236983, 0.49194352159468424, 0.19460932768019384, 0.5032615026208503, 0.7022398506766216], "epoch": 2, "n_parameters": 41279495}
|
4 |
+
{"train_lr": 0.00010000000000000121, "train_class_error": 16.533833437899716, "train_loss": 6.269387191983708, "train_loss_ce": 0.14637736993487535, "train_loss_bbox": 0.18716470738140384, "train_loss_giou": 0.6845915010423186, "train_loss_ce_0": 0.20783530661229338, "train_loss_bbox_0": 0.1976260236953273, "train_loss_giou_0": 0.7188700430848626, "train_loss_ce_1": 0.16934861862855585, "train_loss_bbox_1": 0.19125185012339016, "train_loss_giou_1": 0.6970445258755171, "train_loss_ce_2": 0.15018657301320884, "train_loss_bbox_2": 0.19066792923843498, "train_loss_giou_2": 0.6920323092520333, "train_loss_ce_3": 0.14736613754428218, "train_loss_bbox_3": 0.18808051838538045, "train_loss_giou_3": 0.6840612680724497, "train_loss_ce_4": 0.14644356804150926, "train_loss_bbox_4": 0.18701995561201346, "train_loss_giou_4": 0.683418989085845, "train_loss_ce_unscaled": 0.14637736993487535, "train_class_error_unscaled": 16.533833437899716, "train_loss_bbox_unscaled": 0.03743294155281964, "train_loss_giou_unscaled": 0.3422957505211593, "train_cardinality_error_unscaled": 1.7538121990369182, "train_loss_ce_0_unscaled": 0.20783530661229338, "train_loss_bbox_0_unscaled": 0.03952520474624098, "train_loss_giou_0_unscaled": 0.3594350215424313, "train_cardinality_error_0_unscaled": 2.8098916532905296, "train_loss_ce_1_unscaled": 0.16934861862855585, "train_loss_bbox_1_unscaled": 0.03825037001989435, "train_loss_giou_1_unscaled": 0.34852226293775856, "train_cardinality_error_1_unscaled": 2.0689205457463884, "train_loss_ce_2_unscaled": 0.15018657301320884, "train_loss_bbox_2_unscaled": 0.03813358584350127, "train_loss_giou_2_unscaled": 0.34601615462601665, "train_cardinality_error_2_unscaled": 1.7646468699839486, "train_loss_ce_3_unscaled": 0.14736613754428218, "train_loss_bbox_3_unscaled": 0.03761610366930261, "train_loss_giou_3_unscaled": 0.34203063403622486, "train_cardinality_error_3_unscaled": 1.769161316211878, "train_loss_ce_4_unscaled": 0.14644356804150926, "train_loss_bbox_4_unscaled": 0.03740399110506185, "train_loss_giou_4_unscaled": 0.3417094945429225, "train_cardinality_error_4_unscaled": 1.7204052969502408, "test_class_error": 15.831581067127786, "test_loss": 6.30499282004727, "test_loss_ce": 0.1380260975669571, "test_loss_bbox": 0.1790954359113031, "test_loss_giou": 0.6980821448526565, "test_loss_ce_0": 0.2076864638454785, "test_loss_bbox_0": 0.18576160201411338, "test_loss_giou_0": 0.7306751999885414, "test_loss_ce_1": 0.16859303127713265, "test_loss_bbox_1": 0.18081483368281345, "test_loss_giou_1": 0.7184975805935586, "test_loss_ce_2": 0.15195373661080552, "test_loss_bbox_2": 0.1817345082949681, "test_loss_giou_2": 0.7193381560456221, "test_loss_ce_3": 0.1424068258482085, "test_loss_bbox_3": 0.1791214653450972, "test_loss_giou_3": 0.7108326666294389, "test_loss_ce_4": 0.14020980434836286, "test_loss_bbox_4": 0.1779847761533063, "test_loss_giou_4": 0.6941784417173665, "test_loss_ce_unscaled": 0.1380260975669571, "test_class_error_unscaled": 15.831581067127786, "test_loss_bbox_unscaled": 0.035819087082603174, "test_loss_giou_unscaled": 0.34904107242632826, "test_cardinality_error_unscaled": 1.2314225053711303, "test_loss_ce_0_unscaled": 0.2076864638454785, "test_loss_bbox_0_unscaled": 0.03715232027706447, "test_loss_giou_0_unscaled": 0.3653375999942707, "test_cardinality_error_0_unscaled": 1.9909766456883424, "test_loss_ce_1_unscaled": 0.16859303127713265, "test_loss_bbox_1_unscaled": 0.03616296681486497, "test_loss_giou_1_unscaled": 0.3592487902967793, "test_cardinality_error_1_unscaled": 1.375796178343949, "test_loss_ce_2_unscaled": 0.15195373661080552, "test_loss_bbox_2_unscaled": 0.03634690171831353, "test_loss_giou_2_unscaled": 0.35966907802281106, "test_cardinality_error_2_unscaled": 1.112393842950748, "test_loss_ce_3_unscaled": 0.1424068258482085, "test_loss_bbox_3_unscaled": 0.03582429316393129, "test_loss_giou_3_unscaled": 0.35541633331471945, "test_cardinality_error_3_unscaled": 1.2937898089171975, "test_loss_ce_4_unscaled": 0.14020980434836286, "test_loss_bbox_4_unscaled": 0.03559695515235898, "test_loss_giou_4_unscaled": 0.34708922085868327, "test_cardinality_error_4_unscaled": 1.1772823779825952, "test_coco_eval_bbox": [0.37350106667552446, 0.7242601494362737, 0.35118809796591777, 0.05402880636359531, 0.36740655120556154, 0.5953216271269876, 0.1986157253599114, 0.4368493909191583, 0.4988233665559247, 0.19709267110841913, 0.5182585905649388, 0.700046663555763], "epoch": 3, "n_parameters": 41279495}
|
5 |
+
{"train_lr": 0.00010000000000000121, "train_class_error": 15.256870680023733, "train_loss": 6.158267274522858, "train_loss_ce": 0.13644653502522847, "train_loss_bbox": 0.1838741022644992, "train_loss_giou": 0.6785987086988758, "train_loss_ce_0": 0.1894034053083886, "train_loss_bbox_0": 0.19656472448648266, "train_loss_giou_0": 0.7233821008216894, "train_loss_ce_1": 0.15739239566327098, "train_loss_bbox_1": 0.18799580262905138, "train_loss_giou_1": 0.6902390079838889, "train_loss_ce_2": 0.14059531833396485, "train_loss_bbox_2": 0.18596401575049848, "train_loss_giou_2": 0.6872069072187617, "train_loss_ce_3": 0.1374299531925117, "train_loss_bbox_3": 0.18450366999852333, "train_loss_giou_3": 0.679637588907398, "train_loss_ce_4": 0.13629654098308105, "train_loss_bbox_4": 0.1840007926545212, "train_loss_giou_4": 0.678735684286534, "train_loss_ce_unscaled": 0.13644653502522847, "train_class_error_unscaled": 15.256870680023733, "train_loss_bbox_unscaled": 0.03677482044931208, "train_loss_giou_unscaled": 0.3392993543494379, "train_cardinality_error_unscaled": 1.588583467094703, "train_loss_ce_0_unscaled": 0.1894034053083886, "train_loss_bbox_0_unscaled": 0.03931294487756386, "train_loss_giou_0_unscaled": 0.3616910504108447, "train_cardinality_error_0_unscaled": 2.539626805778491, "train_loss_ce_1_unscaled": 0.15739239566327098, "train_loss_bbox_1_unscaled": 0.03759916049890208, "train_loss_giou_1_unscaled": 0.34511950399194447, "train_cardinality_error_1_unscaled": 2.1225922953451044, "train_loss_ce_2_unscaled": 0.14059531833396485, "train_loss_bbox_2_unscaled": 0.03719280314531602, "train_loss_giou_2_unscaled": 0.3436034536093808, "train_cardinality_error_2_unscaled": 1.6509831460674158, "train_loss_ce_3_unscaled": 0.1374299531925117, "train_loss_bbox_3_unscaled": 0.03690073405053126, "train_loss_giou_3_unscaled": 0.339818794453699, "train_cardinality_error_3_unscaled": 1.6374398073836276, "train_loss_ce_4_unscaled": 0.13629654098308105, "train_loss_bbox_4_unscaled": 0.0368001585703696, "train_loss_giou_4_unscaled": 0.339367842143267, "train_cardinality_error_4_unscaled": 1.5924959871589086, "test_class_error": 12.571815272045743, "test_loss": 6.185826041895872, "test_loss_ce": 0.13030260227691787, "test_loss_bbox": 0.17936367062246725, "test_loss_giou": 0.6984341793758854, "test_loss_ce_0": 0.18570727719717725, "test_loss_bbox_0": 0.1828961654263697, "test_loss_giou_0": 0.7410563215328629, "test_loss_ce_1": 0.1488872637058709, "test_loss_bbox_1": 0.17816713718092367, "test_loss_giou_1": 0.7091689003500968, "test_loss_ce_2": 0.13554260761115203, "test_loss_bbox_2": 0.1766254396954919, "test_loss_giou_2": 0.7083510173733827, "test_loss_ce_3": 0.13310958666928635, "test_loss_bbox_3": 0.17686748713444753, "test_loss_giou_3": 0.6971025022731465, "test_loss_ce_4": 0.1316640135138088, "test_loss_bbox_4": 0.17684986214539047, "test_loss_giou_4": 0.6957300601491503, "test_loss_ce_unscaled": 0.13030260227691787, "test_class_error_unscaled": 12.571815272045743, "test_loss_bbox_unscaled": 0.03587273407466472, "test_loss_giou_unscaled": 0.3492170896879427, "test_cardinality_error_unscaled": 1.7671178343949046, "test_loss_ce_0_unscaled": 0.18570727719717725, "test_loss_bbox_0_unscaled": 0.03657923298324369, "test_loss_giou_0_unscaled": 0.37052816076643147, "test_cardinality_error_0_unscaled": 2.163216560509554, "test_loss_ce_1_unscaled": 0.1488872637058709, "test_loss_bbox_1_unscaled": 0.03563342738161041, "test_loss_giou_1_unscaled": 0.3545844501750484, "test_cardinality_error_1_unscaled": 2.0816082802547773, "test_loss_ce_2_unscaled": 0.13554260761115203, "test_loss_bbox_2_unscaled": 0.035325087962826345, "test_loss_giou_2_unscaled": 0.35417550868669134, "test_cardinality_error_2_unscaled": 1.7229299363057324, "test_loss_ce_3_unscaled": 0.13310958666928635, "test_loss_bbox_3_unscaled": 0.035373497493327806, "test_loss_giou_3_unscaled": 0.34855125113657326, "test_cardinality_error_3_unscaled": 1.777468152866242, "test_loss_ce_4_unscaled": 0.1316640135138088, "test_loss_bbox_4_unscaled": 0.035369972372130985, "test_loss_giou_4_unscaled": 0.34786503007457514, "test_cardinality_error_4_unscaled": 1.7707006369426752, "test_coco_eval_bbox": [0.36215979072538995, 0.7116110956196363, 0.3355232574220119, 0.029957546849591597, 0.34008263909392783, 0.6100072357048528, 0.19335548172757477, 0.4207225913621263, 0.4901439645625693, 0.15911568746214416, 0.5088235294117646, 0.7152589827344844], "epoch": 4, "n_parameters": 41279495}
|
6 |
+
{"train_lr": 0.00010000000000000121, "train_class_error": 14.480957949716437, "train_loss": 6.025876385442326, "train_loss_ce": 0.12915366815394133, "train_loss_bbox": 0.1804261441024119, "train_loss_giou": 0.6680340616220839, "train_loss_ce_0": 0.1810530750783546, "train_loss_bbox_0": 0.19418546224960737, "train_loss_giou_0": 0.7159784875846024, "train_loss_ce_1": 0.15035297095560338, "train_loss_bbox_1": 0.18490681658539304, "train_loss_giou_1": 0.6775664581437364, "train_loss_ce_2": 0.13451810889723403, "train_loss_bbox_2": 0.18203866732924173, "train_loss_giou_2": 0.6729648866201863, "train_loss_ce_3": 0.13064914089694835, "train_loss_bbox_3": 0.18044017279224642, "train_loss_giou_3": 0.6670577673908221, "train_loss_ce_4": 0.1288785631043379, "train_loss_bbox_4": 0.18016463412901754, "train_loss_giou_4": 0.6675072740972712, "train_loss_ce_unscaled": 0.12915366815394133, "train_class_error_unscaled": 14.480957949716437, "train_loss_bbox_unscaled": 0.036085228870711014, "train_loss_giou_unscaled": 0.33401703081104195, "train_cardinality_error_unscaled": 1.5264847512038524, "train_loss_ce_0_unscaled": 0.1810530750783546, "train_loss_bbox_0_unscaled": 0.038837092478623554, "train_loss_giou_0_unscaled": 0.3579892437923012, "train_cardinality_error_0_unscaled": 2.561195826645265, "train_loss_ce_1_unscaled": 0.15035297095560338, "train_loss_bbox_1_unscaled": 0.03698136331887249, "train_loss_giou_1_unscaled": 0.3387832290718682, "train_cardinality_error_1_unscaled": 2.0652086677367576, "train_loss_ce_2_unscaled": 0.13451810889723403, "train_loss_bbox_2_unscaled": 0.03640773341083603, "train_loss_giou_2_unscaled": 0.33648244331009314, "train_cardinality_error_2_unscaled": 1.6327247191011236, "train_loss_ce_3_unscaled": 0.13064914089694835, "train_loss_bbox_3_unscaled": 0.03608803452556149, "train_loss_giou_3_unscaled": 0.33352888369541106, "train_cardinality_error_3_unscaled": 1.5516653290529696, "train_loss_ce_4_unscaled": 0.1288785631043379, "train_loss_bbox_4_unscaled": 0.03603292682042187, "train_loss_giou_4_unscaled": 0.3337536370486356, "train_cardinality_error_4_unscaled": 1.5239767255216694, "test_class_error": 12.520423597590938, "test_loss": 5.979484248313175, "test_loss_ce": 0.1277890739796363, "test_loss_bbox": 0.16858837093896928, "test_loss_giou": 0.6808131610511974, "test_loss_ce_0": 0.17530048207919688, "test_loss_bbox_0": 0.1731306004106619, "test_loss_giou_0": 0.7200540224458002, "test_loss_ce_1": 0.14226250699276377, "test_loss_bbox_1": 0.16825231477902952, "test_loss_giou_1": 0.6850624175588037, "test_loss_ce_2": 0.12877986306372058, "test_loss_bbox_2": 0.1671737412548369, "test_loss_giou_2": 0.6829195918550917, "test_loss_ce_3": 0.12788134397772752, "test_loss_bbox_3": 0.16766241534500365, "test_loss_giou_3": 0.6854137616932012, "test_loss_ce_4": 0.12635354184883701, "test_loss_bbox_4": 0.1681512214101044, "test_loss_giou_4": 0.6838958512066277, "test_loss_ce_unscaled": 0.1277890739796363, "test_class_error_unscaled": 12.520423597590938, "test_loss_bbox_unscaled": 0.03371767426846893, "test_loss_giou_unscaled": 0.3404065805255987, "test_cardinality_error_unscaled": 1.7071390658806844, "test_loss_ce_0_unscaled": 0.17530048207919688, "test_loss_bbox_0_unscaled": 0.03462611990654545, "test_loss_giou_0_unscaled": 0.3600270112229001, "test_cardinality_error_0_unscaled": 3.2884819534174197, "test_loss_ce_1_unscaled": 0.14226250699276377, "test_loss_bbox_1_unscaled": 0.03365046304359937, "test_loss_giou_1_unscaled": 0.34253120877940185, "test_cardinality_error_1_unscaled": 2.4880573248407645, "test_loss_ce_2_unscaled": 0.12877986306372058, "test_loss_bbox_2_unscaled": 0.03343474832926966, "test_loss_giou_2_unscaled": 0.34145979592754583, "test_cardinality_error_2_unscaled": 1.9097664544157162, "test_loss_ce_3_unscaled": 0.12788134397772752, "test_loss_bbox_3_unscaled": 0.03353248300493523, "test_loss_giou_3_unscaled": 0.3427068808466006, "test_cardinality_error_3_unscaled": 1.7311571125581766, "test_loss_ce_4_unscaled": 0.12635354184883701, "test_loss_bbox_4_unscaled": 0.03363024435083198, "test_loss_giou_4_unscaled": 0.34194792560331383, "test_cardinality_error_4_unscaled": 1.7286358811673086, "test_coco_eval_bbox": [0.37869175879574757, 0.7201086310338203, 0.36633325509853804, 0.035140153844461286, 0.37098901022646524, 0.614758500693974, 0.19796511627906974, 0.4407392026578073, 0.49987541528239204, 0.18001211387038157, 0.5214036109493302, 0.7111059262715819], "epoch": 5, "n_parameters": 41279495}
|
7 |
+
{"train_lr": 0.00010000000000000121, "train_class_error": 14.486225177158705, "train_loss": 5.848148863732719, "train_loss_ce": 0.12456650591424007, "train_loss_bbox": 0.17288349793676772, "train_loss_giou": 0.6491762758449413, "train_loss_ce_0": 0.17629326268265183, "train_loss_bbox_0": 0.185976463625653, "train_loss_giou_0": 0.6977667701856666, "train_loss_ce_1": 0.14447089574668992, "train_loss_bbox_1": 0.17733997702120205, "train_loss_giou_1": 0.6630354515526498, "train_loss_ce_2": 0.12806941048925322, "train_loss_bbox_2": 0.17561982955968974, "train_loss_giou_2": 0.657220052486438, "train_loss_ce_3": 0.12395732949994635, "train_loss_bbox_3": 0.17359246851735857, "train_loss_giou_3": 0.6511918946407006, "train_loss_ce_4": 0.12354603008386555, "train_loss_bbox_4": 0.1732500522467719, "train_loss_giou_4": 0.6501926797446623, "train_loss_ce_unscaled": 0.12456650591424007, "train_class_error_unscaled": 14.486225177158705, "train_loss_bbox_unscaled": 0.034576699592137224, "train_loss_giou_unscaled": 0.32458813792247065, "train_cardinality_error_unscaled": 1.290228731942215, "train_loss_ce_0_unscaled": 0.17629326268265183, "train_loss_bbox_0_unscaled": 0.03719529269762445, "train_loss_giou_0_unscaled": 0.3488833850928333, "train_cardinality_error_0_unscaled": 2.533908507223114, "train_loss_ce_1_unscaled": 0.14447089574668992, "train_loss_bbox_1_unscaled": 0.03546799545028332, "train_loss_giou_1_unscaled": 0.3315177257763249, "train_cardinality_error_1_unscaled": 1.903591492776886, "train_loss_ce_2_unscaled": 0.12806941048925322, "train_loss_bbox_2_unscaled": 0.03512396586888483, "train_loss_giou_2_unscaled": 0.328610026243219, "train_cardinality_error_2_unscaled": 1.3880417335473516, "train_loss_ce_3_unscaled": 0.12395732949994635, "train_loss_bbox_3_unscaled": 0.03471849375908199, "train_loss_giou_3_unscaled": 0.3255959473203503, "train_cardinality_error_3_unscaled": 1.3239365971107544, "train_loss_ce_4_unscaled": 0.12354603008386555, "train_loss_bbox_4_unscaled": 0.03465001041108494, "train_loss_giou_4_unscaled": 0.32509633987233116, "train_cardinality_error_4_unscaled": 1.309691011235955, "test_class_error": 11.259218641147491, "test_loss": 6.00099501488315, "test_loss_ce": 0.11926250394943888, "test_loss_bbox": 0.18923267242824957, "test_loss_giou": 0.6992350778761943, "test_loss_ce_0": 0.16589677464928787, "test_loss_bbox_0": 0.184942539140677, "test_loss_giou_0": 0.7007293976416253, "test_loss_ce_1": 0.13724222601907457, "test_loss_bbox_1": 0.18097957071794826, "test_loss_giou_1": 0.6740628162007423, "test_loss_ce_2": 0.1218741038149804, "test_loss_bbox_2": 0.17951376446682937, "test_loss_giou_2": 0.6726135943725611, "test_loss_ce_3": 0.12188753221112832, "test_loss_bbox_3": 0.18238303179194212, "test_loss_giou_3": 0.6781659466066178, "test_loss_ce_4": 0.120323070565203, "test_loss_bbox_4": 0.18470415767211062, "test_loss_giou_4": 0.6879461627856941, "test_loss_ce_unscaled": 0.11926250394943888, "test_class_error_unscaled": 11.259218641147491, "test_loss_bbox_unscaled": 0.03784653475614869, "test_loss_giou_unscaled": 0.34961753893809716, "test_cardinality_error_unscaled": 1.3516454353074359, "test_loss_ce_0_unscaled": 0.16589677464928787, "test_loss_bbox_0_unscaled": 0.03698850780203464, "test_loss_giou_0_unscaled": 0.35036469882081267, "test_cardinality_error_0_unscaled": 2.4954883228441713, "test_loss_ce_1_unscaled": 0.13724222601907457, "test_loss_bbox_1_unscaled": 0.036195914219519135, "test_loss_giou_1_unscaled": 0.33703140810037113, "test_cardinality_error_1_unscaled": 1.9260881104666716, "test_loss_ce_2_unscaled": 0.1218741038149804, "test_loss_bbox_2_unscaled": 0.03590275292658502, "test_loss_giou_2_unscaled": 0.33630679718628054, "test_cardinality_error_2_unscaled": 1.7082006369426752, "test_loss_ce_3_unscaled": 0.12188753221112832, "test_loss_bbox_3_unscaled": 0.03647660639635317, "test_loss_giou_3_unscaled": 0.3390829733033089, "test_cardinality_error_3_unscaled": 1.4280785563265441, "test_loss_ce_4_unscaled": 0.120323070565203, "test_loss_bbox_4_unscaled": 0.03694083143001909, "test_loss_giou_4_unscaled": 0.34397308139284705, "test_cardinality_error_4_unscaled": 1.3862791932692193, "test_coco_eval_bbox": [0.3459136593511994, 0.7318636583739933, 0.2842597916922355, 0.04131826462548911, 0.3562380935389061, 0.5395152818240856, 0.18509136212624583, 0.4175802879291252, 0.4680232558139535, 0.1491823137492429, 0.4997670355270822, 0.6623891740550631], "epoch": 6, "n_parameters": 41279495}
|
8 |
+
{"train_lr": 0.00010000000000000121, "train_class_error": 13.823550063572572, "train_loss": 5.919021288809003, "train_loss_ce": 0.12173692217428554, "train_loss_bbox": 0.17712104295411807, "train_loss_giou": 0.6575923914607035, "train_loss_ce_0": 0.17469882550701665, "train_loss_bbox_0": 0.19143475873177546, "train_loss_giou_0": 0.7117553891473559, "train_loss_ce_1": 0.14453822084333312, "train_loss_bbox_1": 0.18128250536910986, "train_loss_giou_1": 0.6711246585099693, "train_loss_ce_2": 0.1250990482606293, "train_loss_bbox_2": 0.17974098749088055, "train_loss_giou_2": 0.6676036198870137, "train_loss_ce_3": 0.12195167807416682, "train_loss_bbox_3": 0.17808468123213245, "train_loss_giou_3": 0.6595133739623747, "train_loss_ce_4": 0.12163631075673272, "train_loss_bbox_4": 0.17712683743688115, "train_loss_giou_4": 0.6569800258256842, "train_loss_ce_unscaled": 0.12173692217428554, "train_class_error_unscaled": 13.823550063572572, "train_loss_bbox_unscaled": 0.03542420861235017, "train_loss_giou_unscaled": 0.32879619573035174, "train_cardinality_error_unscaled": 1.278290529695024, "train_loss_ce_0_unscaled": 0.17469882550701665, "train_loss_bbox_0_unscaled": 0.038286951769675524, "train_loss_giou_0_unscaled": 0.35587769457367796, "train_cardinality_error_0_unscaled": 2.7472913322632424, "train_loss_ce_1_unscaled": 0.14453822084333312, "train_loss_bbox_1_unscaled": 0.036256501071430136, "train_loss_giou_1_unscaled": 0.33556232925498464, "train_cardinality_error_1_unscaled": 1.8220304975922954, "train_loss_ce_2_unscaled": 0.1250990482606293, "train_loss_bbox_2_unscaled": 0.035948197550198624, "train_loss_giou_2_unscaled": 0.33380180994350683, "train_cardinality_error_2_unscaled": 1.3438001605136436, "train_loss_ce_3_unscaled": 0.12195167807416682, "train_loss_bbox_3_unscaled": 0.03561693627273673, "train_loss_giou_3_unscaled": 0.3297566869811874, "train_cardinality_error_3_unscaled": 1.303069823434992, "train_loss_ce_4_unscaled": 0.12163631075673272, "train_loss_bbox_4_unscaled": 0.035425367431765956, "train_loss_giou_4_unscaled": 0.3284900129128421, "train_cardinality_error_4_unscaled": 1.2917335473515248, "test_class_error": 11.447343546873444, "test_loss": 5.691961580021366, "test_loss_ce": 0.11225856941750949, "test_loss_bbox": 0.16365592162700215, "test_loss_giou": 0.6618645977062784, "test_loss_ce_0": 0.15973398035427758, "test_loss_bbox_0": 0.16810155204337113, "test_loss_giou_0": 0.6806764044579426, "test_loss_ce_1": 0.1288372920559138, "test_loss_bbox_1": 0.16343885233068162, "test_loss_giou_1": 0.6625694693273799, "test_loss_ce_2": 0.11481570448299312, "test_loss_bbox_2": 0.16174571334746232, "test_loss_giou_2": 0.6549740319798707, "test_loss_ce_3": 0.11268915706106526, "test_loss_bbox_3": 0.16222874255506856, "test_loss_giou_3": 0.6548830876304845, "test_loss_ce_4": 0.1117085546705943, "test_loss_bbox_4": 0.16280521257857608, "test_loss_giou_4": 0.6549747174332856, "test_loss_ce_unscaled": 0.11225856941750949, "test_class_error_unscaled": 11.447343546873444, "test_loss_bbox_unscaled": 0.03273118427319891, "test_loss_giou_unscaled": 0.3309322988531392, "test_cardinality_error_unscaled": 1.1259288747978817, "test_loss_ce_0_unscaled": 0.15973398035427758, "test_loss_bbox_0_unscaled": 0.03362031030664398, "test_loss_giou_0_unscaled": 0.3403382022289713, "test_cardinality_error_0_unscaled": 2.859341826408532, "test_loss_ce_1_unscaled": 0.1288372920559138, "test_loss_bbox_1_unscaled": 0.032687770523083436, "test_loss_giou_1_unscaled": 0.33128473466368996, "test_cardinality_error_1_unscaled": 1.4966825903600949, "test_loss_ce_2_unscaled": 0.11481570448299312, "test_loss_bbox_2_unscaled": 0.032349142702711615, "test_loss_giou_2_unscaled": 0.32748701598993535, "test_cardinality_error_2_unscaled": 1.1460987261146496, "test_loss_ce_3_unscaled": 0.11268915706106526, "test_loss_bbox_3_unscaled": 0.032445748496776936, "test_loss_giou_3_unscaled": 0.32744154381524226, "test_cardinality_error_3_unscaled": 1.1251326964539328, "test_loss_ce_4_unscaled": 0.1117085546705943, "test_loss_bbox_4_unscaled": 0.03256104237572023, "test_loss_giou_4_unscaled": 0.3274873587166428, "test_cardinality_error_4_unscaled": 1.1303078556896016, "test_coco_eval_bbox": [0.3973088165337427, 0.7665436220442726, 0.3719309964336253, 0.05964009538566226, 0.39266327969051323, 0.6107640392713295, 0.20167497231450718, 0.4495847176079735, 0.5066722037652271, 0.21380981223500908, 0.5296156086196855, 0.6950536630891274], "epoch": 7, "n_parameters": 41279495}
|
9 |
+
{"train_lr": 0.00010000000000000121, "train_class_error": 13.495007853255418, "train_loss": 5.828868560576707, "train_loss_ce": 0.11951124975472736, "train_loss_bbox": 0.1740345817005462, "train_loss_giou": 0.6480405866908415, "train_loss_ce_0": 0.17053603971104944, "train_loss_bbox_0": 0.18908636132030962, "train_loss_giou_0": 0.7020141103485805, "train_loss_ce_1": 0.14179205509384027, "train_loss_bbox_1": 0.17917502987203016, "train_loss_giou_1": 0.6623716258218162, "train_loss_ce_2": 0.12310893492501103, "train_loss_bbox_2": 0.17664678772705134, "train_loss_giou_2": 0.6577657095693279, "train_loss_ce_3": 0.1189308635992137, "train_loss_bbox_3": 0.17515159340913183, "train_loss_giou_3": 0.6503153970019584, "train_loss_ce_4": 0.1193899955140071, "train_loss_bbox_4": 0.17407983237725008, "train_loss_giou_4": 0.6469177830946388, "train_loss_ce_unscaled": 0.11951124975472736, "train_class_error_unscaled": 13.495007853255418, "train_loss_bbox_unscaled": 0.034806916331737804, "train_loss_giou_unscaled": 0.32402029334542076, "train_cardinality_error_unscaled": 1.2345505617977528, "train_loss_ce_0_unscaled": 0.17053603971104944, "train_loss_bbox_0_unscaled": 0.03781727227243336, "train_loss_giou_0_unscaled": 0.35100705517429026, "train_cardinality_error_0_unscaled": 2.437399678972713, "train_loss_ce_1_unscaled": 0.14179205509384027, "train_loss_bbox_1_unscaled": 0.03583500594391008, "train_loss_giou_1_unscaled": 0.3311858129109081, "train_cardinality_error_1_unscaled": 1.7481942215088282, "train_loss_ce_2_unscaled": 0.12310893492501103, "train_loss_bbox_2_unscaled": 0.03532935755198782, "train_loss_giou_2_unscaled": 0.32888285478466395, "train_cardinality_error_2_unscaled": 1.334470304975923, "train_loss_ce_3_unscaled": 0.1189308635992137, "train_loss_bbox_3_unscaled": 0.03503031870514681, "train_loss_giou_3_unscaled": 0.3251576985009792, "train_cardinality_error_3_unscaled": 1.2546147672552166, "train_loss_ce_4_unscaled": 0.1193899955140071, "train_loss_bbox_4_unscaled": 0.03481596643718058, "train_loss_giou_4_unscaled": 0.3234588915473194, "train_cardinality_error_4_unscaled": 1.2360553772070626, "test_class_error": 11.154147810237422, "test_loss": 5.833416410312531, "test_loss_ce": 0.11072291405634231, "test_loss_bbox": 0.16143059853915195, "test_loss_giou": 0.6668072919936696, "test_loss_ce_0": 0.16367138775694332, "test_loss_bbox_0": 0.17855197580377008, "test_loss_giou_0": 0.7736618839631415, "test_loss_ce_1": 0.13307807568436975, "test_loss_bbox_1": 0.16364383744965694, "test_loss_giou_1": 0.6765558761396225, "test_loss_ce_2": 0.1148025670480339, "test_loss_bbox_2": 0.16047089319130417, "test_loss_giou_2": 0.6649923275230797, "test_loss_ce_3": 0.10877752641904032, "test_loss_bbox_3": 0.1611078932976267, "test_loss_giou_3": 0.6614624945221433, "test_loss_ce_4": 0.10933981854527904, "test_loss_bbox_4": 0.16111882453321652, "test_loss_giou_4": 0.6632202510621138, "test_loss_ce_unscaled": 0.11072291405634231, "test_class_error_unscaled": 11.154147810237422, "test_loss_bbox_unscaled": 0.03228611973630395, "test_loss_giou_unscaled": 0.3334036459968348, "test_cardinality_error_unscaled": 1.330812101910828, "test_loss_ce_0_unscaled": 0.16367138775694332, "test_loss_bbox_0_unscaled": 0.03571039504685979, "test_loss_giou_0_unscaled": 0.38683094198157075, "test_cardinality_error_0_unscaled": 2.6768842890004443, "test_loss_ce_1_unscaled": 0.13307807568436975, "test_loss_bbox_1_unscaled": 0.03272876759196163, "test_loss_giou_1_unscaled": 0.33827793806981127, "test_cardinality_error_1_unscaled": 1.9869957537787735, "test_loss_ce_2_unscaled": 0.1148025670480339, "test_loss_bbox_2_unscaled": 0.03209417849589305, "test_loss_giou_2_unscaled": 0.33249616376153984, "test_cardinality_error_2_unscaled": 1.4721337579617835, "test_loss_ce_3_unscaled": 0.10877752641904032, "test_loss_bbox_3_unscaled": 0.03222157879714753, "test_loss_giou_3_unscaled": 0.33073124726107167, "test_cardinality_error_3_unscaled": 1.3499203821656052, "test_loss_ce_4_unscaled": 0.10933981854527904, "test_loss_bbox_4_unscaled": 0.03222376489003373, "test_loss_giou_4_unscaled": 0.3316101255310569, "test_cardinality_error_4_unscaled": 1.3371815286624205, "test_coco_eval_bbox": [0.39584570726458423, 0.7647130689384347, 0.3696854941072138, 0.072136182927843, 0.3867512031305864, 0.6071934063785883, 0.20139811738648952, 0.44964008859357696, 0.5039036544850498, 0.21835251362810415, 0.5177635410599885, 0.7014465702286514], "epoch": 8, "n_parameters": 41279495}
|
10 |
+
{"train_lr": 0.00010000000000000121, "train_class_error": 13.685507981007975, "train_loss": 5.815136964975544, "train_loss_ce": 0.11762071225379578, "train_loss_bbox": 0.17227168711288018, "train_loss_giou": 0.6492275827673427, "train_loss_ce_0": 0.16958986400936044, "train_loss_bbox_0": 0.18787895816334943, "train_loss_giou_0": 0.7023984826682659, "train_loss_ce_1": 0.14244199091236723, "train_loss_bbox_1": 0.1767621073351626, "train_loss_giou_1": 0.6603918342012464, "train_loss_ce_2": 0.12323538585301387, "train_loss_bbox_2": 0.17464488634711092, "train_loss_giou_2": 0.657758314575085, "train_loss_ce_3": 0.1181538500710963, "train_loss_bbox_3": 0.17359189052930038, "train_loss_giou_3": 0.6502701477483991, "train_loss_ce_4": 0.11800532317443797, "train_loss_bbox_4": 0.17200774553547318, "train_loss_giou_4": 0.6488861856357244, "train_loss_ce_unscaled": 0.11762071225379578, "train_class_error_unscaled": 13.685507981007975, "train_loss_bbox_unscaled": 0.034454337478186305, "train_loss_giou_unscaled": 0.32461379138367136, "train_cardinality_error_unscaled": 1.1449638844301766, "train_loss_ce_0_unscaled": 0.16958986400936044, "train_loss_bbox_0_unscaled": 0.03757579162130865, "train_loss_giou_0_unscaled": 0.35119924133413294, "train_cardinality_error_0_unscaled": 2.805878812199037, "train_loss_ce_1_unscaled": 0.14244199091236723, "train_loss_bbox_1_unscaled": 0.03535242146105292, "train_loss_giou_1_unscaled": 0.3301959171006232, "train_cardinality_error_1_unscaled": 1.8494181380417336, "train_loss_ce_2_unscaled": 0.12323538585301387, "train_loss_bbox_2_unscaled": 0.03492897731008346, "train_loss_giou_2_unscaled": 0.3288791572875425, "train_cardinality_error_2_unscaled": 1.285814606741573, "train_loss_ce_3_unscaled": 0.1181538500710963, "train_loss_bbox_3_unscaled": 0.034718378143531556, "train_loss_giou_3_unscaled": 0.32513507387419954, "train_cardinality_error_3_unscaled": 1.2310393258426966, "train_loss_ce_4_unscaled": 0.11800532317443797, "train_loss_bbox_4_unscaled": 0.03440154913101304, "train_loss_giou_4_unscaled": 0.3244430928178622, "train_cardinality_error_4_unscaled": 1.1756621187800964, "test_class_error": 14.98582086745341, "test_loss": 6.07449427379924, "test_loss_ce": 0.13356483931457447, "test_loss_bbox": 0.16249460518170314, "test_loss_giou": 0.6888088631402155, "test_loss_ce_0": 0.17878485160173885, "test_loss_bbox_0": 0.17563734625934796, "test_loss_giou_0": 0.7500470064248249, "test_loss_ce_1": 0.14947175949954303, "test_loss_bbox_1": 0.16735631255966843, "test_loss_giou_1": 0.7122494608733305, "test_loss_ce_2": 0.13234093369453387, "test_loss_bbox_2": 0.16429972060167106, "test_loss_giou_2": 0.6975846425363212, "test_loss_ce_3": 0.1262679490035364, "test_loss_bbox_3": 0.16395121955188216, "test_loss_giou_3": 0.6974577019169073, "test_loss_ce_4": 0.12889667896399642, "test_loss_bbox_4": 0.16173182892951238, "test_loss_giou_4": 0.6835485410158801, "test_loss_ce_unscaled": 0.13356483931457447, "test_class_error_unscaled": 14.98582086745341, "test_loss_bbox_unscaled": 0.032498921214300355, "test_loss_giou_unscaled": 0.34440443157010775, "test_cardinality_error_unscaled": 0.829087048863909, "test_loss_ce_0_unscaled": 0.17878485160173885, "test_loss_bbox_0_unscaled": 0.03512746923763281, "test_loss_giou_0_unscaled": 0.37502350321241246, "test_cardinality_error_0_unscaled": 1.7746815286624205, "test_loss_ce_1_unscaled": 0.14947175949954303, "test_loss_bbox_1_unscaled": 0.03347126235532912, "test_loss_giou_1_unscaled": 0.35612473043666526, "test_cardinality_error_1_unscaled": 1.1701167728870538, "test_loss_ce_2_unscaled": 0.13234093369453387, "test_loss_bbox_2_unscaled": 0.03285994411558862, "test_loss_giou_2_unscaled": 0.3487923212681606, "test_cardinality_error_2_unscaled": 0.9353768577811065, "test_loss_ce_3_unscaled": 0.1262679490035364, "test_loss_bbox_3_unscaled": 0.03279024395783236, "test_loss_giou_3_unscaled": 0.34872885095845363, "test_cardinality_error_3_unscaled": 0.9282112526855651, "test_loss_ce_4_unscaled": 0.12889667896399642, "test_loss_bbox_4_unscaled": 0.03234636580725764, "test_loss_giou_4_unscaled": 0.34177427050794007, "test_cardinality_error_4_unscaled": 0.855759023386202, "test_coco_eval_bbox": [0.3674357025011093, 0.7349931707467383, 0.32933166589561824, 0.04057906007305839, 0.3530136010708124, 0.6063580033830166, 0.1918327796234773, 0.42841915836101885, 0.5006367663344409, 0.22059357964869775, 0.5079790331974374, 0.7041530564629025], "epoch": 9, "n_parameters": 41279495}
|
11 |
+
{"train_lr": 0.00010000000000000121, "train_class_error": 13.630006407466784, "train_loss": 5.744583057936275, "train_loss_ce": 0.11518623880641371, "train_loss_bbox": 0.16966707509363826, "train_loss_giou": 0.6441680605778917, "train_loss_ce_0": 0.16131778045842965, "train_loss_bbox_0": 0.18571916968826307, "train_loss_giou_0": 0.694354713489309, "train_loss_ce_1": 0.1364681590049502, "train_loss_bbox_1": 0.17408027321722114, "train_loss_giou_1": 0.6568758875657812, "train_loss_ce_2": 0.11865450941432823, "train_loss_bbox_2": 0.17235276977237116, "train_loss_giou_2": 0.6552995107529825, "train_loss_ce_3": 0.11426788015981738, "train_loss_bbox_3": 0.17102631669413795, "train_loss_giou_3": 0.6469870914808246, "train_loss_ce_4": 0.11425161071982755, "train_loss_bbox_4": 0.1700514911241937, "train_loss_giou_4": 0.6438545095308251, "train_loss_ce_unscaled": 0.11518623880641371, "train_class_error_unscaled": 13.630006407466784, "train_loss_bbox_unscaled": 0.033933415001386816, "train_loss_giou_unscaled": 0.32208403028894583, "train_cardinality_error_unscaled": 1.0875802568218298, "train_loss_ce_0_unscaled": 0.16131778045842965, "train_loss_bbox_0_unscaled": 0.03714383396216897, "train_loss_giou_0_unscaled": 0.3471773567446545, "train_cardinality_error_0_unscaled": 2.356540930979133, "train_loss_ce_1_unscaled": 0.1364681590049502, "train_loss_bbox_1_unscaled": 0.034816054624309506, "train_loss_giou_1_unscaled": 0.3284379437828906, "train_cardinality_error_1_unscaled": 1.6260032102728732, "train_loss_ce_2_unscaled": 0.11865450941432823, "train_loss_bbox_2_unscaled": 0.03447055387913128, "train_loss_giou_2_unscaled": 0.32764975537649127, "train_cardinality_error_2_unscaled": 1.1395465489566614, "train_loss_ce_3_unscaled": 0.11426788015981738, "train_loss_bbox_3_unscaled": 0.0342052633699215, "train_loss_giou_3_unscaled": 0.3234935457404123, "train_cardinality_error_3_unscaled": 1.1270064205457464, "train_loss_ce_4_unscaled": 0.11425161071982755, "train_loss_bbox_4_unscaled": 0.03401029829300617, "train_loss_giou_4_unscaled": 0.32192725476541256, "train_cardinality_error_4_unscaled": 1.0745385232744784, "test_class_error": 12.957753102490857, "test_loss": 5.827036997315231, "test_loss_ce": 0.12340515011856273, "test_loss_bbox": 0.1642826244140127, "test_loss_giou": 0.6789262767430324, "test_loss_ce_0": 0.1601397001842974, "test_loss_bbox_0": 0.16793091552462547, "test_loss_giou_0": 0.7004758801050247, "test_loss_ce_1": 0.13818080872771846, "test_loss_bbox_1": 0.16359889682880632, "test_loss_giou_1": 0.6720098513326828, "test_loss_ce_2": 0.12339523266763634, "test_loss_bbox_2": 0.1631549494281696, "test_loss_giou_2": 0.6675302154698949, "test_loss_ce_3": 0.12179451007959521, "test_loss_bbox_3": 0.16344519956096723, "test_loss_giou_3": 0.6659588132314621, "test_loss_ce_4": 0.12201753595345624, "test_loss_bbox_4": 0.16224893130314577, "test_loss_giou_4": 0.6685415362096896, "test_loss_ce_unscaled": 0.12340515011856273, "test_class_error_unscaled": 12.957753102490857, "test_loss_bbox_unscaled": 0.03285652492788567, "test_loss_giou_unscaled": 0.3394631383715162, "test_cardinality_error_unscaled": 1.2468152866242037, "test_loss_ce_0_unscaled": 0.1601397001842974, "test_loss_bbox_0_unscaled": 0.03358618343237099, "test_loss_giou_0_unscaled": 0.35023794005251235, "test_cardinality_error_0_unscaled": 2.8959660298505407, "test_loss_ce_1_unscaled": 0.13818080872771846, "test_loss_bbox_1_unscaled": 0.03271977941558999, "test_loss_giou_1_unscaled": 0.3360049256663414, "test_cardinality_error_1_unscaled": 2.4742569002755888, "test_loss_ce_2_unscaled": 0.12339523266763634, "test_loss_bbox_2_unscaled": 0.03263098987376994, "test_loss_giou_2_unscaled": 0.33376510773494744, "test_cardinality_error_2_unscaled": 1.4582006369426752, "test_loss_ce_3_unscaled": 0.12179451007959521, "test_loss_bbox_3_unscaled": 0.03268903993354861, "test_loss_giou_3_unscaled": 0.33297940661573106, "test_cardinality_error_3_unscaled": 1.3976910828025477, "test_loss_ce_4_unscaled": 0.12201753595345624, "test_loss_bbox_4_unscaled": 0.03244978621317323, "test_loss_giou_4_unscaled": 0.3342707681048448, "test_cardinality_error_4_unscaled": 1.242436305732484, "test_coco_eval_bbox": [0.3948024493130033, 0.7606157713594504, 0.369716298453251, 0.06722920137156203, 0.38536869148197733, 0.6131545690737567, 0.2003875968992248, 0.45473421926910296, 0.5180094130675525, 0.2198061780738946, 0.5370122306348283, 0.717452169855343], "epoch": 10, "n_parameters": 41279495}
|
12 |
+
{"train_lr": 0.00010000000000000121, "train_class_error": 11.729015417696003, "train_loss": 5.621004874595287, "train_loss_ce": 0.1074325887689645, "train_loss_bbox": 0.16809926961771365, "train_loss_giou": 0.6358818559642779, "train_loss_ce_0": 0.15683614050619674, "train_loss_bbox_0": 0.18252355343457402, "train_loss_giou_0": 0.6836689573803836, "train_loss_ce_1": 0.1317150586794458, "train_loss_bbox_1": 0.17076313112941638, "train_loss_giou_1": 0.6422919057441179, "train_loss_ce_2": 0.11314831947665632, "train_loss_bbox_2": 0.1695350380569553, "train_loss_giou_2": 0.6404090413695163, "train_loss_ce_3": 0.10879776958693088, "train_loss_bbox_3": 0.168078857131697, "train_loss_giou_3": 0.6342456305868935, "train_loss_ce_4": 0.1077840713287792, "train_loss_bbox_4": 0.16726508221168962, "train_loss_giou_4": 0.6325285973843564, "train_loss_ce_unscaled": 0.1074325887689645, "train_class_error_unscaled": 11.729015417696003, "train_loss_bbox_unscaled": 0.03361985394148153, "train_loss_giou_unscaled": 0.31794092798213897, "train_cardinality_error_unscaled": 1.1981340288924558, "train_loss_ce_0_unscaled": 0.15683614050619674, "train_loss_bbox_0_unscaled": 0.03650471064924333, "train_loss_giou_0_unscaled": 0.3418344786901918, "train_cardinality_error_0_unscaled": 2.4800361155698236, "train_loss_ce_1_unscaled": 0.1317150586794458, "train_loss_bbox_1_unscaled": 0.03415262624382207, "train_loss_giou_1_unscaled": 0.32114595287205894, "train_cardinality_error_1_unscaled": 1.901685393258427, "train_loss_ce_2_unscaled": 0.11314831947665632, "train_loss_bbox_2_unscaled": 0.03390700761737066, "train_loss_giou_2_unscaled": 0.32020452068475813, "train_cardinality_error_2_unscaled": 1.3826243980738362, "train_loss_ce_3_unscaled": 0.10879776958693088, "train_loss_bbox_3_unscaled": 0.03361577138806997, "train_loss_giou_3_unscaled": 0.31712281529344677, "train_cardinality_error_3_unscaled": 1.245585874799358, "train_loss_ce_4_unscaled": 0.1077840713287792, "train_loss_bbox_4_unscaled": 0.03345301648060736, "train_loss_giou_4_unscaled": 0.3162642986921782, "train_cardinality_error_4_unscaled": 1.1700441412520064, "test_class_error": 13.225647069845989, "test_loss": 5.688443267421358, "test_loss_ce": 0.11809597554865774, "test_loss_bbox": 0.1551319462288717, "test_loss_giou": 0.6423893434226893, "test_loss_ce_0": 0.15254279509613847, "test_loss_bbox_0": 0.16682801476329756, "test_loss_giou_0": 0.7110250053132415, "test_loss_ce_1": 0.13456675069774413, "test_loss_bbox_1": 0.1582849394458874, "test_loss_giou_1": 0.6707376573875452, "test_loss_ce_2": 0.1200000264497984, "test_loss_bbox_2": 0.15832560613846322, "test_loss_giou_2": 0.665270559537183, "test_loss_ce_3": 0.11637054061944223, "test_loss_bbox_3": 0.15572252518432156, "test_loss_giou_3": 0.644365525169737, "test_loss_ce_4": 0.11768069381345135, "test_loss_bbox_4": 0.15576595727615294, "test_loss_giou_4": 0.6453394102063149, "test_loss_ce_unscaled": 0.11809597554865774, "test_class_error_unscaled": 13.225647069845989, "test_loss_bbox_unscaled": 0.031026389354922967, "test_loss_giou_unscaled": 0.32119467171134464, "test_cardinality_error_unscaled": 1.090631634946082, "test_loss_ce_0_unscaled": 0.15254279509613847, "test_loss_bbox_0_unscaled": 0.03336560297876027, "test_loss_giou_0_unscaled": 0.35551250265662077, "test_cardinality_error_0_unscaled": 2.2075371552424827, "test_loss_ce_1_unscaled": 0.13456675069774413, "test_loss_bbox_1_unscaled": 0.03165698800069891, "test_loss_giou_1_unscaled": 0.3353688286937726, "test_cardinality_error_1_unscaled": 1.5987261146496816, "test_loss_ce_2_unscaled": 0.1200000264497984, "test_loss_bbox_2_unscaled": 0.031665121234811036, "test_loss_giou_2_unscaled": 0.3326352797685915, "test_cardinality_error_2_unscaled": 1.089039278258184, "test_loss_ce_3_unscaled": 0.11637054061944223, "test_loss_bbox_3_unscaled": 0.03114450507008346, "test_loss_giou_3_unscaled": 0.3221827625848685, "test_cardinality_error_3_unscaled": 1.1300424629715597, "test_loss_ce_4_unscaled": 0.11768069381345135, "test_loss_bbox_4_unscaled": 0.03115319152166889, "test_loss_giou_4_unscaled": 0.32266970510315746, "test_cardinality_error_4_unscaled": 1.0472399152008591, "test_coco_eval_bbox": [0.41205546048868524, 0.7639774806054818, 0.403167562856732, 0.07235652556509498, 0.4056171514095932, 0.6284882054491986, 0.20831949058693247, 0.470985603543743, 0.5138150609080843, 0.2139915202907329, 0.5304601048340128, 0.7176854876341577], "epoch": 11, "n_parameters": 41279495}
|
13 |
+
{"train_lr": 0.00010000000000000121, "train_class_error": 13.183093706256505, "train_loss": 5.68341742281355, "train_loss_ce": 0.11336220862914959, "train_loss_bbox": 0.16759835821045727, "train_loss_giou": 0.6357745242157105, "train_loss_ce_0": 0.159268662892581, "train_loss_bbox_0": 0.18343324209436368, "train_loss_giou_0": 0.6949300844921921, "train_loss_ce_1": 0.1350924192657201, "train_loss_bbox_1": 0.17240332827617805, "train_loss_giou_1": 0.6511562321675914, "train_loss_ce_2": 0.11732264342202085, "train_loss_bbox_2": 0.17094206518193117, "train_loss_giou_2": 0.6467471693913014, "train_loss_ce_3": 0.11323577287288482, "train_loss_bbox_3": 0.16862692536837026, "train_loss_giou_3": 0.6369654341073135, "train_loss_ce_4": 0.1130087298391922, "train_loss_bbox_4": 0.16771462669724638, "train_loss_giou_4": 0.6358350351285399, "train_loss_ce_unscaled": 0.11336220862914959, "train_class_error_unscaled": 13.183093706256505, "train_loss_bbox_unscaled": 0.03351967159604854, "train_loss_giou_unscaled": 0.31788726210785523, "train_cardinality_error_unscaled": 1.1503812199036918, "train_loss_ce_0_unscaled": 0.159268662892581, "train_loss_bbox_0_unscaled": 0.03668664846072993, "train_loss_giou_0_unscaled": 0.34746504224609603, "train_cardinality_error_0_unscaled": 2.354935794542536, "train_loss_ce_1_unscaled": 0.1350924192657201, "train_loss_bbox_1_unscaled": 0.034480665599625336, "train_loss_giou_1_unscaled": 0.3255781160837957, "train_cardinality_error_1_unscaled": 1.7140850722311396, "train_loss_ce_2_unscaled": 0.11732264342202085, "train_loss_bbox_2_unscaled": 0.03418841304475768, "train_loss_giou_2_unscaled": 0.3233735846956507, "train_cardinality_error_2_unscaled": 1.2074638844301766, "train_loss_ce_3_unscaled": 0.11323577287288482, "train_loss_bbox_3_unscaled": 0.03372538507128221, "train_loss_giou_3_unscaled": 0.31848271705365677, "train_cardinality_error_3_unscaled": 1.1759630818619582, "train_loss_ce_4_unscaled": 0.1130087298391922, "train_loss_bbox_4_unscaled": 0.03354292533645947, "train_loss_giou_4_unscaled": 0.31791751756426995, "train_cardinality_error_4_unscaled": 1.1216894060995184, "test_class_error": 11.030971842966261, "test_loss": 5.6708507750444355, "test_loss_ce": 0.11369572104708214, "test_loss_bbox": 0.1572423537920235, "test_loss_giou": 0.6515897134686731, "test_loss_ce_0": 0.16005528537900585, "test_loss_bbox_0": 0.1675299352900997, "test_loss_giou_0": 0.697312454319304, "test_loss_ce_1": 0.13515136957132987, "test_loss_bbox_1": 0.15824212404383217, "test_loss_giou_1": 0.6565326239652695, "test_loss_ce_2": 0.11772723465410483, "test_loss_bbox_2": 0.15774890761466542, "test_loss_giou_2": 0.6590967781984123, "test_loss_ce_3": 0.11209476215521669, "test_loss_bbox_3": 0.15733888797509443, "test_loss_giou_3": 0.6518106604837308, "test_loss_ce_4": 0.11178650595781625, "test_loss_bbox_4": 0.15669391389675202, "test_loss_giou_4": 0.6492016064892908, "test_loss_ce_unscaled": 0.11369572104708214, "test_class_error_unscaled": 11.030971842966261, "test_loss_bbox_unscaled": 0.03144847078450546, "test_loss_giou_unscaled": 0.32579485673433656, "test_cardinality_error_unscaled": 1.2921974522292994, "test_loss_ce_0_unscaled": 0.16005528537900585, "test_loss_bbox_0_unscaled": 0.03350598697259927, "test_loss_giou_0_unscaled": 0.348656227159652, "test_cardinality_error_0_unscaled": 2.254113588173678, "test_loss_ce_1_unscaled": 0.13515136957132987, "test_loss_bbox_1_unscaled": 0.03164842483961278, "test_loss_giou_1_unscaled": 0.32826631198263473, "test_cardinality_error_1_unscaled": 1.9698779193838691, "test_loss_ce_2_unscaled": 0.11772723465410483, "test_loss_bbox_2_unscaled": 0.03154978146598597, "test_loss_giou_2_unscaled": 0.32954838909920614, "test_cardinality_error_2_unscaled": 1.2643312101910829, "test_loss_ce_3_unscaled": 0.11209476215521669, "test_loss_bbox_3_unscaled": 0.03146777762349244, "test_loss_giou_3_unscaled": 0.3259053302418654, "test_cardinality_error_3_unscaled": 1.2237261146496816, "test_loss_ce_4_unscaled": 0.11178650595781625, "test_loss_bbox_4_unscaled": 0.03133878268443855, "test_loss_giou_4_unscaled": 0.3246008032446454, "test_cardinality_error_4_unscaled": 1.2842356687898089, "test_coco_eval_bbox": [0.39601116319970836, 0.7603471884133483, 0.3737111438137856, 0.05311028315425878, 0.39065303410091495, 0.6318397016159335, 0.20258859357696565, 0.4617663344407531, 0.5136904761904761, 0.2075105996365839, 0.5321490972626676, 0.7197853476434906], "epoch": 12, "n_parameters": 41279495}
|
14 |
+
{"train_lr": 0.00010000000000000121, "train_class_error": 11.925161334140343, "train_loss": 5.599624886750027, "train_loss_ce": 0.1052072522967432, "train_loss_bbox": 0.1631791949224319, "train_loss_giou": 0.6340936432872117, "train_loss_ce_0": 0.15392614913622985, "train_loss_bbox_0": 0.17934976648509407, "train_loss_giou_0": 0.687354317207015, "train_loss_ce_1": 0.12823225465494045, "train_loss_bbox_1": 0.16918174112828546, "train_loss_giou_1": 0.6488473162318118, "train_loss_ce_2": 0.1098732704701826, "train_loss_bbox_2": 0.16668389163564526, "train_loss_giou_2": 0.6450760357356952, "train_loss_ce_3": 0.1048293627326169, "train_loss_bbox_3": 0.16442194307166155, "train_loss_giou_3": 0.6372013896177515, "train_loss_ce_4": 0.10468328233664768, "train_loss_bbox_4": 0.16300051063777546, "train_loss_giou_4": 0.6344835443443126, "train_loss_ce_unscaled": 0.1052072522967432, "train_class_error_unscaled": 11.925161334140343, "train_loss_bbox_unscaled": 0.03263583898927006, "train_loss_giou_unscaled": 0.31704682164360587, "train_cardinality_error_unscaled": 1.1449638844301766, "train_loss_ce_0_unscaled": 0.15392614913622985, "train_loss_bbox_0_unscaled": 0.03586995331376169, "train_loss_giou_0_unscaled": 0.3436771586035075, "train_cardinality_error_0_unscaled": 2.396067415730337, "train_loss_ce_1_unscaled": 0.12823225465494045, "train_loss_bbox_1_unscaled": 0.03383634817961418, "train_loss_giou_1_unscaled": 0.3244236581159059, "train_cardinality_error_1_unscaled": 1.8268459069020866, "train_loss_ce_2_unscaled": 0.1098732704701826, "train_loss_bbox_2_unscaled": 0.03333677830141678, "train_loss_giou_2_unscaled": 0.3225380178678476, "train_cardinality_error_2_unscaled": 1.19723113964687, "train_loss_ce_3_unscaled": 0.1048293627326169, "train_loss_bbox_3_unscaled": 0.03288438859101188, "train_loss_giou_3_unscaled": 0.31860069480887576, "train_cardinality_error_3_unscaled": 1.1186797752808988, "train_loss_ce_4_unscaled": 0.10468328233664768, "train_loss_bbox_4_unscaled": 0.032600102109018335, "train_loss_giou_4_unscaled": 0.3172417721721563, "train_cardinality_error_4_unscaled": 1.129414125200642, "test_class_error": 8.809170765481937, "test_loss": 5.762824514109617, "test_loss_ce": 0.11108475252926635, "test_loss_bbox": 0.15792956673035954, "test_loss_giou": 0.6641173647467498, "test_loss_ce_0": 0.15192805717040778, "test_loss_bbox_0": 0.17055040711809874, "test_loss_giou_0": 0.7307553819030713, "test_loss_ce_1": 0.1310859217017794, "test_loss_bbox_1": 0.1614307107724202, "test_loss_giou_1": 0.6745252187844295, "test_loss_ce_2": 0.11430616230425086, "test_loss_bbox_2": 0.16097907921311203, "test_loss_giou_2": 0.6681535111111441, "test_loss_ce_3": 0.10943909426617204, "test_loss_bbox_3": 0.15955360466317767, "test_loss_giou_3": 0.6650524329228006, "test_loss_ce_4": 0.11036500826501733, "test_loss_bbox_4": 0.15828676986846196, "test_loss_giou_4": 0.6632815045156296, "test_loss_ce_unscaled": 0.11108475252926635, "test_class_error_unscaled": 8.809170765481937, "test_loss_bbox_unscaled": 0.031585913293870393, "test_loss_giou_unscaled": 0.3320586823733749, "test_cardinality_error_unscaled": 2.067011677535476, "test_loss_ce_0_unscaled": 0.15192805717040778, "test_loss_bbox_0_unscaled": 0.034110081447347715, "test_loss_giou_0_unscaled": 0.36537769095153566, "test_cardinality_error_0_unscaled": 2.976247346325285, "test_loss_ce_1_unscaled": 0.1310859217017794, "test_loss_bbox_1_unscaled": 0.03228614209990972, "test_loss_giou_1_unscaled": 0.33726260939221475, "test_cardinality_error_1_unscaled": 2.7823779195736926, "test_loss_ce_2_unscaled": 0.11430616230425086, "test_loss_bbox_2_unscaled": 0.032195815875841555, "test_loss_giou_2_unscaled": 0.33407675555557204, "test_cardinality_error_2_unscaled": 2.054936305732484, "test_loss_ce_3_unscaled": 0.10943909426617204, "test_loss_bbox_3_unscaled": 0.03191072105839374, "test_loss_giou_3_unscaled": 0.3325262164614003, "test_cardinality_error_3_unscaled": 1.9243630573248407, "test_loss_ce_4_unscaled": 0.11036500826501733, "test_loss_bbox_4_unscaled": 0.03165735400453874, "test_loss_giou_4_unscaled": 0.3316407522578148, "test_cardinality_error_4_unscaled": 1.865047770700637, "test_coco_eval_bbox": [0.40046263313465286, 0.7579587369633595, 0.38455980549391033, 0.06938610063535094, 0.3934642003243877, 0.6248656266246385, 0.20681063122923588, 0.4572397563676634, 0.5047619047619047, 0.2137492428831012, 0.5183459522422831, 0.7065795613625758], "epoch": 13, "n_parameters": 41279495}
|
15 |
+
{"train_lr": 0.00010000000000000121, "train_class_error": 12.160618244740592, "train_loss": 5.568551794866497, "train_loss_ce": 0.10623201207791487, "train_loss_bbox": 0.1633800215433153, "train_loss_giou": 0.6295331101356311, "train_loss_ce_0": 0.14819008482688886, "train_loss_bbox_0": 0.18026249428813376, "train_loss_giou_0": 0.6895131270728563, "train_loss_ce_1": 0.12503274727499122, "train_loss_bbox_1": 0.16922292429026975, "train_loss_giou_1": 0.6440488245475733, "train_loss_ce_2": 0.10955105534789077, "train_loss_bbox_2": 0.16692570392431072, "train_loss_giou_2": 0.6387207295691795, "train_loss_ce_3": 0.10495348580115824, "train_loss_bbox_3": 0.16429114951654958, "train_loss_giou_3": 0.6303667740397048, "train_loss_ce_4": 0.10534564378622016, "train_loss_bbox_4": 0.1633875352804389, "train_loss_giou_4": 0.6295943869155253, "train_loss_ce_unscaled": 0.10623201207791487, "train_class_error_unscaled": 12.160618244740592, "train_loss_bbox_unscaled": 0.03267600436367537, "train_loss_giou_unscaled": 0.31476655506781553, "train_cardinality_error_unscaled": 1.1408507223113964, "train_loss_ce_0_unscaled": 0.14819008482688886, "train_loss_bbox_0_unscaled": 0.03605249886779207, "train_loss_giou_0_unscaled": 0.34475656353642814, "train_cardinality_error_0_unscaled": 2.356741573033708, "train_loss_ce_1_unscaled": 0.12503274727499122, "train_loss_bbox_1_unscaled": 0.033844584883168265, "train_loss_giou_1_unscaled": 0.32202441227378664, "train_cardinality_error_1_unscaled": 1.784209470304976, "train_loss_ce_2_unscaled": 0.10955105534789077, "train_loss_bbox_2_unscaled": 0.0333851407944295, "train_loss_giou_2_unscaled": 0.31936036478458973, "train_cardinality_error_2_unscaled": 1.2164927768860354, "train_loss_ce_3_unscaled": 0.10495348580115824, "train_loss_bbox_3_unscaled": 0.03285822990151604, "train_loss_giou_3_unscaled": 0.3151833870198524, "train_cardinality_error_3_unscaled": 1.1585072231139646, "train_loss_ce_4_unscaled": 0.10534564378622016, "train_loss_bbox_4_unscaled": 0.032677507117677654, "train_loss_giou_4_unscaled": 0.31479719345776264, "train_cardinality_error_4_unscaled": 1.1440609951845906, "test_class_error": 8.924727518847034, "test_loss": 5.835620685747474, "test_loss_ce": 0.1035597033555483, "test_loss_bbox": 0.16147597086657384, "test_loss_giou": 0.6719323229637875, "test_loss_ce_0": 0.14830359817737607, "test_loss_bbox_0": 0.17459372597135556, "test_loss_giou_0": 0.7260901958319792, "test_loss_ce_1": 0.12343224899985702, "test_loss_bbox_1": 0.1657717817812968, "test_loss_giou_1": 0.6988744731921299, "test_loss_ce_2": 0.10627863501275706, "test_loss_bbox_2": 0.1639622850877464, "test_loss_giou_2": 0.6965939964458441, "test_loss_ce_3": 0.10297444029147648, "test_loss_bbox_3": 0.16222608459603255, "test_loss_giou_3": 0.682160182363668, "test_loss_ce_4": 0.10359917843275389, "test_loss_bbox_4": 0.16164884630851684, "test_loss_giou_4": 0.6821429537739724, "test_loss_ce_unscaled": 0.1035597033555483, "test_class_error_unscaled": 8.924727518847034, "test_loss_bbox_unscaled": 0.032295194211279514, "test_loss_giou_unscaled": 0.33596616148189373, "test_cardinality_error_unscaled": 1.6443736730677307, "test_loss_ce_0_unscaled": 0.14830359817737607, "test_loss_bbox_0_unscaled": 0.03491874520850789, "test_loss_giou_0_unscaled": 0.3630450979159896, "test_cardinality_error_0_unscaled": 3.22359341876522, "test_loss_ce_1_unscaled": 0.12343224899985702, "test_loss_bbox_1_unscaled": 0.03315435634676818, "test_loss_giou_1_unscaled": 0.34943723659606496, "test_cardinality_error_1_unscaled": 2.027468152866242, "test_loss_ce_2_unscaled": 0.10627863501275706, "test_loss_bbox_2_unscaled": 0.032792457076869196, "test_loss_giou_2_unscaled": 0.34829699822292204, "test_cardinality_error_2_unscaled": 1.4835456475900237, "test_loss_ce_3_unscaled": 0.10297444029147648, "test_loss_bbox_3_unscaled": 0.03244521696666244, "test_loss_giou_3_unscaled": 0.341080091181834, "test_cardinality_error_3_unscaled": 1.5305201698830173, "test_loss_ce_4_unscaled": 0.10359917843275389, "test_loss_bbox_4_unscaled": 0.03232976929492252, "test_loss_giou_4_unscaled": 0.3410714768869862, "test_cardinality_error_4_unscaled": 1.5281316348511702, "test_coco_eval_bbox": [0.39338756446852485, 0.7658342711049456, 0.3701845267559092, 0.05514582648406033, 0.3906877784700554, 0.6154533504985086, 0.2014119601328904, 0.44807585825027696, 0.5001107419712072, 0.19351907934585097, 0.5189866045428073, 0.7058329444703687], "epoch": 14, "n_parameters": 41279495}
|