diff --git a/.gitignore b/.gitignore index 89c6366..c586941 100644 --- a/.gitignore +++ b/.gitignore @@ -51,4 +51,25 @@ plantsdata/ images/ dataset*/ -*.ptl \ No newline at end of file +*.ptl +venv/ + +# Distribution / packaging +.Python +build/ +develop-eggs/ +dist/ +downloads/ +eggs/ +.eggs/ +lib/ +lib64/ +parts/ +sdist/ +var/ +wheels/ +share/python-wheels/ +*.egg-info/ +.installed.cfg +*.egg +MANIFEST \ No newline at end of file diff --git a/__init__.py b/code/__init__.py similarity index 100% rename from __init__.py rename to code/__init__.py diff --git a/evaluation/__init__.py b/code/evaluation/__init__.py similarity index 100% rename from evaluation/__init__.py rename to code/evaluation/__init__.py diff --git a/evaluation/detection.py b/code/evaluation/detection.py similarity index 98% rename from evaluation/detection.py rename to code/evaluation/detection.py index 4fd1deb..09abb59 100644 --- a/evaluation/detection.py +++ b/code/evaluation/detection.py @@ -8,8 +8,8 @@ import albumentations as A from torchvision import transforms, ops from albumentations.pytorch import ToTensorV2 -from utils.conversions import scale_bboxes -from utils.manipulations import get_cutout +from code.utils.conversions import scale_bboxes +from code.utils.manipulations import get_cutout def detect(img_path: str, yolo_path: str, resnet_path: str): """Load an image, detect individual plants and label them as diff --git a/evaluation/evaluation-end2end.ipynb b/code/evaluation/evaluation-end2end.ipynb similarity index 100% rename from evaluation/evaluation-end2end.ipynb rename to code/evaluation/evaluation-end2end.ipynb diff --git a/evaluation/evaluation.py b/code/evaluation/evaluation.py similarity index 97% rename from evaluation/evaluation.py rename to code/evaluation/evaluation.py index aca4734..da9d3d1 100644 --- a/evaluation/evaluation.py +++ b/code/evaluation/evaluation.py @@ -1,6 +1,6 @@ import fiftyone as fo from PIL import Image -from evaluate import detect +from code.evaluation.detection import detect name = "dataset-small" dataset_dir = "/home/zenon/Documents/master-thesis/evaluation/dataset-small" diff --git a/evaluation/labeling.py b/code/evaluation/labeling.py similarity index 98% rename from evaluation/labeling.py rename to code/evaluation/labeling.py index 26f699c..2e79707 100644 --- a/evaluation/labeling.py +++ b/code/evaluation/labeling.py @@ -4,8 +4,8 @@ import cv2 import json import os -from utils.conversions import convert_to_yolo -from detection import detect +from code.utils.conversions import convert_to_yolo +from code.evaluation.detection import detect template = [{ "data": { diff --git a/evaluation/utils/__init__.py b/code/jetson-deployment/__init__.py similarity index 100% rename from evaluation/utils/__init__.py rename to code/jetson-deployment/__init__.py diff --git a/jetson-deployment/image-capture/Makefile b/code/jetson-deployment/image-capture/Makefile similarity index 100% rename from jetson-deployment/image-capture/Makefile rename to code/jetson-deployment/image-capture/Makefile diff --git a/jetson-deployment/image-capture/capture.cc b/code/jetson-deployment/image-capture/capture.cc similarity index 100% rename from jetson-deployment/image-capture/capture.cc rename to code/jetson-deployment/image-capture/capture.cc diff --git a/jetson-deployment/model.py b/code/jetson-deployment/model.py similarity index 99% rename from jetson-deployment/model.py rename to code/jetson-deployment/model.py index 8fb51f0..c9d1e24 100644 --- a/jetson-deployment/model.py +++ b/code/jetson-deployment/model.py @@ -2,7 +2,6 @@ import argparse import cv2 import torch from torchvision import transforms -import tkinter def load_models(yolo_path: str, resnet_path: str): diff --git a/jetson-deployment/server.py b/code/jetson-deployment/server.py similarity index 96% rename from jetson-deployment/server.py rename to code/jetson-deployment/server.py index e3e3098..7f3f45a 100644 --- a/jetson-deployment/server.py +++ b/code/jetson-deployment/server.py @@ -6,7 +6,7 @@ from apscheduler.schedulers.background import BackgroundScheduler from multiprocessing import Manager -from model import detect +from code.evaluation.detection import detect app = Flask(__name__) scheduler = BackgroundScheduler(daemon=True) diff --git a/training/test.ipynb b/code/training/test.ipynb similarity index 100% rename from training/test.ipynb rename to code/training/test.ipynb diff --git a/training/test.py b/code/training/test.py similarity index 100% rename from training/test.py rename to code/training/test.py diff --git a/training/yolov7/.gitignore b/code/training/yolov7/.gitignore similarity index 100% rename from training/yolov7/.gitignore rename to code/training/yolov7/.gitignore diff --git a/training/yolov7/LICENSE.md b/code/training/yolov7/LICENSE.md similarity index 100% rename from training/yolov7/LICENSE.md rename to code/training/yolov7/LICENSE.md diff --git a/training/yolov7/README.md b/code/training/yolov7/README.md similarity index 100% rename from training/yolov7/README.md rename to code/training/yolov7/README.md diff --git a/training/yolov7/cfg/baseline/r50-csp.yaml b/code/training/yolov7/cfg/baseline/r50-csp.yaml similarity index 100% rename from training/yolov7/cfg/baseline/r50-csp.yaml rename to code/training/yolov7/cfg/baseline/r50-csp.yaml diff --git a/training/yolov7/cfg/baseline/x50-csp.yaml b/code/training/yolov7/cfg/baseline/x50-csp.yaml similarity index 100% rename from training/yolov7/cfg/baseline/x50-csp.yaml rename to code/training/yolov7/cfg/baseline/x50-csp.yaml diff --git a/training/yolov7/cfg/baseline/yolor-csp-x.yaml b/code/training/yolov7/cfg/baseline/yolor-csp-x.yaml similarity index 100% rename from training/yolov7/cfg/baseline/yolor-csp-x.yaml rename to code/training/yolov7/cfg/baseline/yolor-csp-x.yaml diff --git a/training/yolov7/cfg/baseline/yolor-csp.yaml b/code/training/yolov7/cfg/baseline/yolor-csp.yaml similarity index 100% rename from training/yolov7/cfg/baseline/yolor-csp.yaml rename to code/training/yolov7/cfg/baseline/yolor-csp.yaml diff --git a/training/yolov7/cfg/baseline/yolor-d6.yaml b/code/training/yolov7/cfg/baseline/yolor-d6.yaml similarity index 100% rename from training/yolov7/cfg/baseline/yolor-d6.yaml rename to code/training/yolov7/cfg/baseline/yolor-d6.yaml diff --git a/training/yolov7/cfg/baseline/yolor-e6.yaml b/code/training/yolov7/cfg/baseline/yolor-e6.yaml similarity index 100% rename from training/yolov7/cfg/baseline/yolor-e6.yaml rename to code/training/yolov7/cfg/baseline/yolor-e6.yaml diff --git a/training/yolov7/cfg/baseline/yolor-p6.yaml b/code/training/yolov7/cfg/baseline/yolor-p6.yaml similarity index 100% rename from training/yolov7/cfg/baseline/yolor-p6.yaml rename to code/training/yolov7/cfg/baseline/yolor-p6.yaml diff --git a/training/yolov7/cfg/baseline/yolor-w6.yaml b/code/training/yolov7/cfg/baseline/yolor-w6.yaml similarity index 100% rename from training/yolov7/cfg/baseline/yolor-w6.yaml rename to code/training/yolov7/cfg/baseline/yolor-w6.yaml diff --git a/training/yolov7/cfg/baseline/yolov3-spp.yaml b/code/training/yolov7/cfg/baseline/yolov3-spp.yaml similarity index 100% rename from training/yolov7/cfg/baseline/yolov3-spp.yaml rename to code/training/yolov7/cfg/baseline/yolov3-spp.yaml diff --git a/training/yolov7/cfg/baseline/yolov3.yaml b/code/training/yolov7/cfg/baseline/yolov3.yaml similarity index 100% rename from training/yolov7/cfg/baseline/yolov3.yaml rename to code/training/yolov7/cfg/baseline/yolov3.yaml diff --git a/training/yolov7/cfg/baseline/yolov4-csp.yaml b/code/training/yolov7/cfg/baseline/yolov4-csp.yaml similarity index 100% rename from training/yolov7/cfg/baseline/yolov4-csp.yaml rename to code/training/yolov7/cfg/baseline/yolov4-csp.yaml diff --git a/training/yolov7/cfg/deploy/yolov7-d6.yaml b/code/training/yolov7/cfg/deploy/yolov7-d6.yaml similarity index 100% rename from training/yolov7/cfg/deploy/yolov7-d6.yaml rename to code/training/yolov7/cfg/deploy/yolov7-d6.yaml diff --git a/training/yolov7/cfg/deploy/yolov7-e6.yaml b/code/training/yolov7/cfg/deploy/yolov7-e6.yaml similarity index 100% rename from training/yolov7/cfg/deploy/yolov7-e6.yaml rename to code/training/yolov7/cfg/deploy/yolov7-e6.yaml diff --git a/training/yolov7/cfg/deploy/yolov7-e6e.yaml b/code/training/yolov7/cfg/deploy/yolov7-e6e.yaml similarity index 100% rename from training/yolov7/cfg/deploy/yolov7-e6e.yaml rename to code/training/yolov7/cfg/deploy/yolov7-e6e.yaml diff --git a/training/yolov7/cfg/deploy/yolov7-tiny-silu.yaml b/code/training/yolov7/cfg/deploy/yolov7-tiny-silu.yaml similarity index 100% rename from training/yolov7/cfg/deploy/yolov7-tiny-silu.yaml rename to code/training/yolov7/cfg/deploy/yolov7-tiny-silu.yaml diff --git a/training/yolov7/cfg/deploy/yolov7-tiny.yaml b/code/training/yolov7/cfg/deploy/yolov7-tiny.yaml similarity index 100% rename from training/yolov7/cfg/deploy/yolov7-tiny.yaml rename to code/training/yolov7/cfg/deploy/yolov7-tiny.yaml diff --git a/training/yolov7/cfg/deploy/yolov7-w6.yaml b/code/training/yolov7/cfg/deploy/yolov7-w6.yaml similarity index 100% rename from training/yolov7/cfg/deploy/yolov7-w6.yaml rename to code/training/yolov7/cfg/deploy/yolov7-w6.yaml diff --git a/training/yolov7/cfg/deploy/yolov7.yaml b/code/training/yolov7/cfg/deploy/yolov7.yaml similarity index 100% rename from training/yolov7/cfg/deploy/yolov7.yaml rename to code/training/yolov7/cfg/deploy/yolov7.yaml diff --git a/training/yolov7/cfg/deploy/yolov7x.yaml b/code/training/yolov7/cfg/deploy/yolov7x.yaml similarity index 100% rename from training/yolov7/cfg/deploy/yolov7x.yaml rename to code/training/yolov7/cfg/deploy/yolov7x.yaml diff --git a/training/yolov7/cfg/training/yolov7-d6.yaml b/code/training/yolov7/cfg/training/yolov7-d6.yaml similarity index 100% rename from training/yolov7/cfg/training/yolov7-d6.yaml rename to code/training/yolov7/cfg/training/yolov7-d6.yaml diff --git a/training/yolov7/cfg/training/yolov7-e6.yaml b/code/training/yolov7/cfg/training/yolov7-e6.yaml similarity index 100% rename from training/yolov7/cfg/training/yolov7-e6.yaml rename to code/training/yolov7/cfg/training/yolov7-e6.yaml diff --git a/training/yolov7/cfg/training/yolov7-e6e.yaml b/code/training/yolov7/cfg/training/yolov7-e6e.yaml similarity index 100% rename from training/yolov7/cfg/training/yolov7-e6e.yaml rename to code/training/yolov7/cfg/training/yolov7-e6e.yaml diff --git a/training/yolov7/cfg/training/yolov7-tiny.yaml b/code/training/yolov7/cfg/training/yolov7-tiny.yaml similarity index 100% rename from training/yolov7/cfg/training/yolov7-tiny.yaml rename to code/training/yolov7/cfg/training/yolov7-tiny.yaml diff --git a/training/yolov7/cfg/training/yolov7-w6.yaml b/code/training/yolov7/cfg/training/yolov7-w6.yaml similarity index 100% rename from training/yolov7/cfg/training/yolov7-w6.yaml rename to code/training/yolov7/cfg/training/yolov7-w6.yaml diff --git a/training/yolov7/cfg/training/yolov7.yaml b/code/training/yolov7/cfg/training/yolov7.yaml similarity index 100% rename from training/yolov7/cfg/training/yolov7.yaml rename to code/training/yolov7/cfg/training/yolov7.yaml diff --git a/training/yolov7/cfg/training/yolov7x.yaml b/code/training/yolov7/cfg/training/yolov7x.yaml similarity index 100% rename from training/yolov7/cfg/training/yolov7x.yaml rename to code/training/yolov7/cfg/training/yolov7x.yaml diff --git a/training/yolov7/deploy/triton-inference-server/README.md b/code/training/yolov7/deploy/triton-inference-server/README.md similarity index 100% rename from training/yolov7/deploy/triton-inference-server/README.md rename to code/training/yolov7/deploy/triton-inference-server/README.md diff --git a/training/yolov7/deploy/triton-inference-server/boundingbox.py b/code/training/yolov7/deploy/triton-inference-server/boundingbox.py similarity index 100% rename from training/yolov7/deploy/triton-inference-server/boundingbox.py rename to code/training/yolov7/deploy/triton-inference-server/boundingbox.py diff --git a/training/yolov7/deploy/triton-inference-server/client.py b/code/training/yolov7/deploy/triton-inference-server/client.py similarity index 100% rename from training/yolov7/deploy/triton-inference-server/client.py rename to code/training/yolov7/deploy/triton-inference-server/client.py diff --git a/training/yolov7/deploy/triton-inference-server/labels.py b/code/training/yolov7/deploy/triton-inference-server/labels.py similarity index 100% rename from training/yolov7/deploy/triton-inference-server/labels.py rename to code/training/yolov7/deploy/triton-inference-server/labels.py diff --git a/training/yolov7/deploy/triton-inference-server/processing.py b/code/training/yolov7/deploy/triton-inference-server/processing.py similarity index 100% rename from training/yolov7/deploy/triton-inference-server/processing.py rename to code/training/yolov7/deploy/triton-inference-server/processing.py diff --git a/training/yolov7/deploy/triton-inference-server/render.py b/code/training/yolov7/deploy/triton-inference-server/render.py similarity index 100% rename from training/yolov7/deploy/triton-inference-server/render.py rename to code/training/yolov7/deploy/triton-inference-server/render.py diff --git a/training/yolov7/detect.py b/code/training/yolov7/detect.py similarity index 100% rename from training/yolov7/detect.py rename to code/training/yolov7/detect.py diff --git a/training/yolov7/export.py b/code/training/yolov7/export.py similarity index 100% rename from training/yolov7/export.py rename to code/training/yolov7/export.py diff --git a/training/yolov7/hubconf.py b/code/training/yolov7/hubconf.py similarity index 100% rename from training/yolov7/hubconf.py rename to code/training/yolov7/hubconf.py diff --git a/training/yolov7/models/__init__.py b/code/training/yolov7/models/__init__.py similarity index 100% rename from training/yolov7/models/__init__.py rename to code/training/yolov7/models/__init__.py diff --git a/training/yolov7/models/common.py b/code/training/yolov7/models/common.py similarity index 100% rename from training/yolov7/models/common.py rename to code/training/yolov7/models/common.py diff --git a/training/yolov7/models/experimental.py b/code/training/yolov7/models/experimental.py similarity index 100% rename from training/yolov7/models/experimental.py rename to code/training/yolov7/models/experimental.py diff --git a/training/yolov7/models/yolo.py b/code/training/yolov7/models/yolo.py similarity index 100% rename from training/yolov7/models/yolo.py rename to code/training/yolov7/models/yolo.py diff --git a/training/yolov7/paper/yolov7.pdf b/code/training/yolov7/paper/yolov7.pdf similarity index 100% rename from training/yolov7/paper/yolov7.pdf rename to code/training/yolov7/paper/yolov7.pdf diff --git a/training/yolov7/requirements.txt b/code/training/yolov7/requirements.txt similarity index 100% rename from training/yolov7/requirements.txt rename to code/training/yolov7/requirements.txt diff --git a/training/yolov7/scripts/get_coco.sh b/code/training/yolov7/scripts/get_coco.sh similarity index 100% rename from training/yolov7/scripts/get_coco.sh rename to code/training/yolov7/scripts/get_coco.sh diff --git a/training/yolov7/test.py b/code/training/yolov7/test.py similarity index 100% rename from training/yolov7/test.py rename to code/training/yolov7/test.py diff --git a/training/yolov7/tools/YOLOv7-Dynamic-Batch-ONNXRUNTIME.ipynb b/code/training/yolov7/tools/YOLOv7-Dynamic-Batch-ONNXRUNTIME.ipynb similarity index 100% rename from training/yolov7/tools/YOLOv7-Dynamic-Batch-ONNXRUNTIME.ipynb rename to code/training/yolov7/tools/YOLOv7-Dynamic-Batch-ONNXRUNTIME.ipynb diff --git a/training/yolov7/tools/YOLOv7-Dynamic-Batch-TENSORRT.ipynb b/code/training/yolov7/tools/YOLOv7-Dynamic-Batch-TENSORRT.ipynb similarity index 100% rename from training/yolov7/tools/YOLOv7-Dynamic-Batch-TENSORRT.ipynb rename to code/training/yolov7/tools/YOLOv7-Dynamic-Batch-TENSORRT.ipynb diff --git a/training/yolov7/tools/YOLOv7CoreML.ipynb b/code/training/yolov7/tools/YOLOv7CoreML.ipynb similarity index 100% rename from training/yolov7/tools/YOLOv7CoreML.ipynb rename to code/training/yolov7/tools/YOLOv7CoreML.ipynb diff --git a/training/yolov7/tools/YOLOv7onnx.ipynb b/code/training/yolov7/tools/YOLOv7onnx.ipynb similarity index 100% rename from training/yolov7/tools/YOLOv7onnx.ipynb rename to code/training/yolov7/tools/YOLOv7onnx.ipynb diff --git a/training/yolov7/tools/YOLOv7trt.ipynb b/code/training/yolov7/tools/YOLOv7trt.ipynb similarity index 100% rename from training/yolov7/tools/YOLOv7trt.ipynb rename to code/training/yolov7/tools/YOLOv7trt.ipynb diff --git a/training/yolov7/tools/compare_YOLOv7_vs_YOLOv5m6.ipynb b/code/training/yolov7/tools/compare_YOLOv7_vs_YOLOv5m6.ipynb similarity index 100% rename from training/yolov7/tools/compare_YOLOv7_vs_YOLOv5m6.ipynb rename to code/training/yolov7/tools/compare_YOLOv7_vs_YOLOv5m6.ipynb diff --git a/training/yolov7/tools/compare_YOLOv7_vs_YOLOv5m6_half.ipynb b/code/training/yolov7/tools/compare_YOLOv7_vs_YOLOv5m6_half.ipynb similarity index 100% rename from training/yolov7/tools/compare_YOLOv7_vs_YOLOv5m6_half.ipynb rename to code/training/yolov7/tools/compare_YOLOv7_vs_YOLOv5m6_half.ipynb diff --git a/training/yolov7/tools/compare_YOLOv7_vs_YOLOv5s6.ipynb b/code/training/yolov7/tools/compare_YOLOv7_vs_YOLOv5s6.ipynb similarity index 100% rename from training/yolov7/tools/compare_YOLOv7_vs_YOLOv5s6.ipynb rename to code/training/yolov7/tools/compare_YOLOv7_vs_YOLOv5s6.ipynb diff --git a/training/yolov7/tools/compare_YOLOv7e6_vs_YOLOv5x6.ipynb b/code/training/yolov7/tools/compare_YOLOv7e6_vs_YOLOv5x6.ipynb similarity index 100% rename from training/yolov7/tools/compare_YOLOv7e6_vs_YOLOv5x6.ipynb rename to code/training/yolov7/tools/compare_YOLOv7e6_vs_YOLOv5x6.ipynb diff --git a/training/yolov7/tools/compare_YOLOv7e6_vs_YOLOv5x6_half.ipynb b/code/training/yolov7/tools/compare_YOLOv7e6_vs_YOLOv5x6_half.ipynb similarity index 100% rename from training/yolov7/tools/compare_YOLOv7e6_vs_YOLOv5x6_half.ipynb rename to code/training/yolov7/tools/compare_YOLOv7e6_vs_YOLOv5x6_half.ipynb diff --git a/training/yolov7/tools/instance.ipynb b/code/training/yolov7/tools/instance.ipynb similarity index 100% rename from training/yolov7/tools/instance.ipynb rename to code/training/yolov7/tools/instance.ipynb diff --git a/training/yolov7/tools/keypoint.ipynb b/code/training/yolov7/tools/keypoint.ipynb similarity index 100% rename from training/yolov7/tools/keypoint.ipynb rename to code/training/yolov7/tools/keypoint.ipynb diff --git a/training/yolov7/tools/reparameterization.ipynb b/code/training/yolov7/tools/reparameterization.ipynb similarity index 100% rename from training/yolov7/tools/reparameterization.ipynb rename to code/training/yolov7/tools/reparameterization.ipynb diff --git a/training/yolov7/tools/visualization.ipynb b/code/training/yolov7/tools/visualization.ipynb similarity index 100% rename from training/yolov7/tools/visualization.ipynb rename to code/training/yolov7/tools/visualization.ipynb diff --git a/training/yolov7/train.py b/code/training/yolov7/train.py similarity index 100% rename from training/yolov7/train.py rename to code/training/yolov7/train.py diff --git a/training/yolov7/train_aux.py b/code/training/yolov7/train_aux.py similarity index 100% rename from training/yolov7/train_aux.py rename to code/training/yolov7/train_aux.py diff --git a/training/yolov7/utils/__init__.py b/code/training/yolov7/utils/__init__.py similarity index 100% rename from training/yolov7/utils/__init__.py rename to code/training/yolov7/utils/__init__.py diff --git a/training/yolov7/utils/activations.py b/code/training/yolov7/utils/activations.py similarity index 100% rename from training/yolov7/utils/activations.py rename to code/training/yolov7/utils/activations.py diff --git a/training/yolov7/utils/add_nms.py b/code/training/yolov7/utils/add_nms.py similarity index 100% rename from training/yolov7/utils/add_nms.py rename to code/training/yolov7/utils/add_nms.py diff --git a/training/yolov7/utils/autoanchor.py b/code/training/yolov7/utils/autoanchor.py similarity index 100% rename from training/yolov7/utils/autoanchor.py rename to code/training/yolov7/utils/autoanchor.py diff --git a/training/yolov7/utils/aws/__init__.py b/code/training/yolov7/utils/aws/__init__.py similarity index 100% rename from training/yolov7/utils/aws/__init__.py rename to code/training/yolov7/utils/aws/__init__.py diff --git a/training/yolov7/utils/aws/mime.sh b/code/training/yolov7/utils/aws/mime.sh similarity index 100% rename from training/yolov7/utils/aws/mime.sh rename to code/training/yolov7/utils/aws/mime.sh diff --git a/training/yolov7/utils/aws/resume.py b/code/training/yolov7/utils/aws/resume.py similarity index 100% rename from training/yolov7/utils/aws/resume.py rename to code/training/yolov7/utils/aws/resume.py diff --git a/training/yolov7/utils/aws/userdata.sh b/code/training/yolov7/utils/aws/userdata.sh similarity index 100% rename from training/yolov7/utils/aws/userdata.sh rename to code/training/yolov7/utils/aws/userdata.sh diff --git a/training/yolov7/utils/datasets.py b/code/training/yolov7/utils/datasets.py similarity index 100% rename from training/yolov7/utils/datasets.py rename to code/training/yolov7/utils/datasets.py diff --git a/training/yolov7/utils/general.py b/code/training/yolov7/utils/general.py similarity index 100% rename from training/yolov7/utils/general.py rename to code/training/yolov7/utils/general.py diff --git a/training/yolov7/utils/google_app_engine/Dockerfile b/code/training/yolov7/utils/google_app_engine/Dockerfile similarity index 100% rename from training/yolov7/utils/google_app_engine/Dockerfile rename to code/training/yolov7/utils/google_app_engine/Dockerfile diff --git a/training/yolov7/utils/google_app_engine/additional_requirements.txt b/code/training/yolov7/utils/google_app_engine/additional_requirements.txt similarity index 100% rename from training/yolov7/utils/google_app_engine/additional_requirements.txt rename to code/training/yolov7/utils/google_app_engine/additional_requirements.txt diff --git a/training/yolov7/utils/google_app_engine/app.yaml b/code/training/yolov7/utils/google_app_engine/app.yaml similarity index 100% rename from training/yolov7/utils/google_app_engine/app.yaml rename to code/training/yolov7/utils/google_app_engine/app.yaml diff --git a/training/yolov7/utils/google_utils.py b/code/training/yolov7/utils/google_utils.py similarity index 100% rename from training/yolov7/utils/google_utils.py rename to code/training/yolov7/utils/google_utils.py diff --git a/training/yolov7/utils/loss.py b/code/training/yolov7/utils/loss.py similarity index 100% rename from training/yolov7/utils/loss.py rename to code/training/yolov7/utils/loss.py diff --git a/training/yolov7/utils/metrics.py b/code/training/yolov7/utils/metrics.py similarity index 100% rename from training/yolov7/utils/metrics.py rename to code/training/yolov7/utils/metrics.py diff --git a/training/yolov7/utils/plots.py b/code/training/yolov7/utils/plots.py similarity index 100% rename from training/yolov7/utils/plots.py rename to code/training/yolov7/utils/plots.py diff --git a/training/yolov7/utils/torch_utils.py b/code/training/yolov7/utils/torch_utils.py similarity index 100% rename from training/yolov7/utils/torch_utils.py rename to code/training/yolov7/utils/torch_utils.py diff --git a/training/yolov7/utils/wandb_logging/__init__.py b/code/training/yolov7/utils/wandb_logging/__init__.py similarity index 100% rename from training/yolov7/utils/wandb_logging/__init__.py rename to code/training/yolov7/utils/wandb_logging/__init__.py diff --git a/training/yolov7/utils/wandb_logging/log_dataset.py b/code/training/yolov7/utils/wandb_logging/log_dataset.py similarity index 100% rename from training/yolov7/utils/wandb_logging/log_dataset.py rename to code/training/yolov7/utils/wandb_logging/log_dataset.py diff --git a/training/yolov7/utils/wandb_logging/wandb_utils.py b/code/training/yolov7/utils/wandb_logging/wandb_utils.py similarity index 100% rename from training/yolov7/utils/wandb_logging/wandb_utils.py rename to code/training/yolov7/utils/wandb_logging/wandb_utils.py diff --git a/jetson-deployment/__init__.py b/code/utils/__init__.py similarity index 100% rename from jetson-deployment/__init__.py rename to code/utils/__init__.py diff --git a/evaluation/utils/conversions.py b/code/utils/conversions.py similarity index 100% rename from evaluation/utils/conversions.py rename to code/utils/conversions.py diff --git a/evaluation/utils/manipulations.py b/code/utils/manipulations.py similarity index 100% rename from evaluation/utils/manipulations.py rename to code/utils/manipulations.py diff --git a/yolo-first-run/cfg/yolov7.yaml b/code/yolo-first-run/cfg/yolov7.yaml similarity index 100% rename from yolo-first-run/cfg/yolov7.yaml rename to code/yolo-first-run/cfg/yolov7.yaml diff --git a/yolo-first-run/hyp/hyp.scratch.custom.yaml b/code/yolo-first-run/hyp/hyp.scratch.custom.yaml similarity index 100% rename from yolo-first-run/hyp/hyp.scratch.custom.yaml rename to code/yolo-first-run/hyp/hyp.scratch.custom.yaml diff --git a/yolo-first-run/models/__init__.py b/code/yolo-first-run/models/__init__.py similarity index 100% rename from yolo-first-run/models/__init__.py rename to code/yolo-first-run/models/__init__.py diff --git a/yolo-first-run/models/common.py b/code/yolo-first-run/models/common.py similarity index 100% rename from yolo-first-run/models/common.py rename to code/yolo-first-run/models/common.py diff --git a/yolo-first-run/models/experimental.py b/code/yolo-first-run/models/experimental.py similarity index 100% rename from yolo-first-run/models/experimental.py rename to code/yolo-first-run/models/experimental.py diff --git a/yolo-first-run/models/yolo.py b/code/yolo-first-run/models/yolo.py similarity index 100% rename from yolo-first-run/models/yolo.py rename to code/yolo-first-run/models/yolo.py diff --git a/yolo-first-run/requirements.txt b/code/yolo-first-run/requirements.txt similarity index 100% rename from yolo-first-run/requirements.txt rename to code/yolo-first-run/requirements.txt diff --git a/yolo-first-run/runs/test/exp/F1_curve.png b/code/yolo-first-run/runs/test/exp/F1_curve.png similarity index 100% rename from yolo-first-run/runs/test/exp/F1_curve.png rename to code/yolo-first-run/runs/test/exp/F1_curve.png diff --git a/yolo-first-run/runs/test/exp/PR_curve.png b/code/yolo-first-run/runs/test/exp/PR_curve.png similarity index 100% rename from yolo-first-run/runs/test/exp/PR_curve.png rename to code/yolo-first-run/runs/test/exp/PR_curve.png diff --git a/yolo-first-run/runs/test/exp/P_curve.png b/code/yolo-first-run/runs/test/exp/P_curve.png similarity index 100% rename from yolo-first-run/runs/test/exp/P_curve.png rename to code/yolo-first-run/runs/test/exp/P_curve.png diff --git a/yolo-first-run/runs/test/exp/R_curve.png b/code/yolo-first-run/runs/test/exp/R_curve.png similarity index 100% rename from yolo-first-run/runs/test/exp/R_curve.png rename to code/yolo-first-run/runs/test/exp/R_curve.png diff --git a/yolo-first-run/runs/test/exp/confusion_matrix.png b/code/yolo-first-run/runs/test/exp/confusion_matrix.png similarity index 100% rename from yolo-first-run/runs/test/exp/confusion_matrix.png rename to code/yolo-first-run/runs/test/exp/confusion_matrix.png diff --git a/yolo-first-run/runs/test/exp/test_batch0_labels.jpg b/code/yolo-first-run/runs/test/exp/test_batch0_labels.jpg similarity index 100% rename from yolo-first-run/runs/test/exp/test_batch0_labels.jpg rename to code/yolo-first-run/runs/test/exp/test_batch0_labels.jpg diff --git a/yolo-first-run/runs/test/exp/test_batch0_pred.jpg b/code/yolo-first-run/runs/test/exp/test_batch0_pred.jpg similarity index 100% rename from yolo-first-run/runs/test/exp/test_batch0_pred.jpg rename to code/yolo-first-run/runs/test/exp/test_batch0_pred.jpg diff --git a/yolo-first-run/runs/test/exp/test_batch1_labels.jpg b/code/yolo-first-run/runs/test/exp/test_batch1_labels.jpg similarity index 100% rename from yolo-first-run/runs/test/exp/test_batch1_labels.jpg rename to code/yolo-first-run/runs/test/exp/test_batch1_labels.jpg diff --git a/yolo-first-run/runs/test/exp/test_batch1_pred.jpg b/code/yolo-first-run/runs/test/exp/test_batch1_pred.jpg similarity index 100% rename from yolo-first-run/runs/test/exp/test_batch1_pred.jpg rename to code/yolo-first-run/runs/test/exp/test_batch1_pred.jpg diff --git a/yolo-first-run/runs/test/exp/test_batch2_labels.jpg b/code/yolo-first-run/runs/test/exp/test_batch2_labels.jpg similarity index 100% rename from yolo-first-run/runs/test/exp/test_batch2_labels.jpg rename to code/yolo-first-run/runs/test/exp/test_batch2_labels.jpg diff --git a/yolo-first-run/runs/test/exp/test_batch2_pred.jpg b/code/yolo-first-run/runs/test/exp/test_batch2_pred.jpg similarity index 100% rename from yolo-first-run/runs/test/exp/test_batch2_pred.jpg rename to code/yolo-first-run/runs/test/exp/test_batch2_pred.jpg diff --git a/yolo-first-run/runs/train/yolov7-custom/F1_curve.png b/code/yolo-first-run/runs/train/yolov7-custom/F1_curve.png similarity index 100% rename from yolo-first-run/runs/train/yolov7-custom/F1_curve.png rename to code/yolo-first-run/runs/train/yolov7-custom/F1_curve.png diff --git a/yolo-first-run/runs/train/yolov7-custom/PR_curve.png b/code/yolo-first-run/runs/train/yolov7-custom/PR_curve.png similarity index 100% rename from yolo-first-run/runs/train/yolov7-custom/PR_curve.png rename to code/yolo-first-run/runs/train/yolov7-custom/PR_curve.png diff --git a/yolo-first-run/runs/train/yolov7-custom/P_curve.png b/code/yolo-first-run/runs/train/yolov7-custom/P_curve.png similarity index 100% rename from yolo-first-run/runs/train/yolov7-custom/P_curve.png rename to code/yolo-first-run/runs/train/yolov7-custom/P_curve.png diff --git a/yolo-first-run/runs/train/yolov7-custom/R_curve.png b/code/yolo-first-run/runs/train/yolov7-custom/R_curve.png similarity index 100% rename from yolo-first-run/runs/train/yolov7-custom/R_curve.png rename to code/yolo-first-run/runs/train/yolov7-custom/R_curve.png diff --git a/yolo-first-run/runs/train/yolov7-custom/confusion_matrix.png b/code/yolo-first-run/runs/train/yolov7-custom/confusion_matrix.png similarity index 100% rename from yolo-first-run/runs/train/yolov7-custom/confusion_matrix.png rename to code/yolo-first-run/runs/train/yolov7-custom/confusion_matrix.png diff --git a/yolo-first-run/runs/train/yolov7-custom/events.out.tfevents.1672242435.dl1.157706.0 b/code/yolo-first-run/runs/train/yolov7-custom/events.out.tfevents.1672242435.dl1.157706.0 similarity index 100% rename from yolo-first-run/runs/train/yolov7-custom/events.out.tfevents.1672242435.dl1.157706.0 rename to code/yolo-first-run/runs/train/yolov7-custom/events.out.tfevents.1672242435.dl1.157706.0 diff --git a/yolo-first-run/runs/train/yolov7-custom/hyp.yaml b/code/yolo-first-run/runs/train/yolov7-custom/hyp.yaml similarity index 100% rename from yolo-first-run/runs/train/yolov7-custom/hyp.yaml rename to code/yolo-first-run/runs/train/yolov7-custom/hyp.yaml diff --git a/yolo-first-run/runs/train/yolov7-custom/opt.yaml b/code/yolo-first-run/runs/train/yolov7-custom/opt.yaml similarity index 100% rename from yolo-first-run/runs/train/yolov7-custom/opt.yaml rename to code/yolo-first-run/runs/train/yolov7-custom/opt.yaml diff --git a/yolo-first-run/runs/train/yolov7-custom/results.png b/code/yolo-first-run/runs/train/yolov7-custom/results.png similarity index 100% rename from yolo-first-run/runs/train/yolov7-custom/results.png rename to code/yolo-first-run/runs/train/yolov7-custom/results.png diff --git a/yolo-first-run/runs/train/yolov7-custom/results.txt b/code/yolo-first-run/runs/train/yolov7-custom/results.txt similarity index 100% rename from yolo-first-run/runs/train/yolov7-custom/results.txt rename to code/yolo-first-run/runs/train/yolov7-custom/results.txt diff --git a/yolo-first-run/runs/train/yolov7-custom/test_batch0_labels.jpg b/code/yolo-first-run/runs/train/yolov7-custom/test_batch0_labels.jpg similarity index 100% rename from yolo-first-run/runs/train/yolov7-custom/test_batch0_labels.jpg rename to code/yolo-first-run/runs/train/yolov7-custom/test_batch0_labels.jpg diff --git a/yolo-first-run/runs/train/yolov7-custom/test_batch0_pred.jpg b/code/yolo-first-run/runs/train/yolov7-custom/test_batch0_pred.jpg similarity index 100% rename from yolo-first-run/runs/train/yolov7-custom/test_batch0_pred.jpg rename to code/yolo-first-run/runs/train/yolov7-custom/test_batch0_pred.jpg diff --git a/yolo-first-run/runs/train/yolov7-custom/test_batch1_labels.jpg b/code/yolo-first-run/runs/train/yolov7-custom/test_batch1_labels.jpg similarity index 100% rename from yolo-first-run/runs/train/yolov7-custom/test_batch1_labels.jpg rename to code/yolo-first-run/runs/train/yolov7-custom/test_batch1_labels.jpg diff --git a/yolo-first-run/runs/train/yolov7-custom/test_batch1_pred.jpg b/code/yolo-first-run/runs/train/yolov7-custom/test_batch1_pred.jpg similarity index 100% rename from yolo-first-run/runs/train/yolov7-custom/test_batch1_pred.jpg rename to code/yolo-first-run/runs/train/yolov7-custom/test_batch1_pred.jpg diff --git a/yolo-first-run/runs/train/yolov7-custom/test_batch2_labels.jpg b/code/yolo-first-run/runs/train/yolov7-custom/test_batch2_labels.jpg similarity index 100% rename from yolo-first-run/runs/train/yolov7-custom/test_batch2_labels.jpg rename to code/yolo-first-run/runs/train/yolov7-custom/test_batch2_labels.jpg diff --git a/yolo-first-run/runs/train/yolov7-custom/test_batch2_pred.jpg b/code/yolo-first-run/runs/train/yolov7-custom/test_batch2_pred.jpg similarity index 100% rename from yolo-first-run/runs/train/yolov7-custom/test_batch2_pred.jpg rename to code/yolo-first-run/runs/train/yolov7-custom/test_batch2_pred.jpg diff --git a/yolo-first-run/runs/train/yolov7-custom/train_batch0.jpg b/code/yolo-first-run/runs/train/yolov7-custom/train_batch0.jpg similarity index 100% rename from yolo-first-run/runs/train/yolov7-custom/train_batch0.jpg rename to code/yolo-first-run/runs/train/yolov7-custom/train_batch0.jpg diff --git a/yolo-first-run/runs/train/yolov7-custom/train_batch1.jpg b/code/yolo-first-run/runs/train/yolov7-custom/train_batch1.jpg similarity index 100% rename from yolo-first-run/runs/train/yolov7-custom/train_batch1.jpg rename to code/yolo-first-run/runs/train/yolov7-custom/train_batch1.jpg diff --git a/yolo-first-run/runs/train/yolov7-custom/train_batch2.jpg b/code/yolo-first-run/runs/train/yolov7-custom/train_batch2.jpg similarity index 100% rename from yolo-first-run/runs/train/yolov7-custom/train_batch2.jpg rename to code/yolo-first-run/runs/train/yolov7-custom/train_batch2.jpg diff --git a/yolo-first-run/runs/train/yolov7-custom/train_batch3.jpg b/code/yolo-first-run/runs/train/yolov7-custom/train_batch3.jpg similarity index 100% rename from yolo-first-run/runs/train/yolov7-custom/train_batch3.jpg rename to code/yolo-first-run/runs/train/yolov7-custom/train_batch3.jpg diff --git a/yolo-first-run/runs/train/yolov7-custom/train_batch4.jpg b/code/yolo-first-run/runs/train/yolov7-custom/train_batch4.jpg similarity index 100% rename from yolo-first-run/runs/train/yolov7-custom/train_batch4.jpg rename to code/yolo-first-run/runs/train/yolov7-custom/train_batch4.jpg diff --git a/yolo-first-run/runs/train/yolov7-custom/train_batch5.jpg b/code/yolo-first-run/runs/train/yolov7-custom/train_batch5.jpg similarity index 100% rename from yolo-first-run/runs/train/yolov7-custom/train_batch5.jpg rename to code/yolo-first-run/runs/train/yolov7-custom/train_batch5.jpg diff --git a/yolo-first-run/runs/train/yolov7-custom/train_batch6.jpg b/code/yolo-first-run/runs/train/yolov7-custom/train_batch6.jpg similarity index 100% rename from yolo-first-run/runs/train/yolov7-custom/train_batch6.jpg rename to code/yolo-first-run/runs/train/yolov7-custom/train_batch6.jpg diff --git a/yolo-first-run/runs/train/yolov7-custom/train_batch7.jpg b/code/yolo-first-run/runs/train/yolov7-custom/train_batch7.jpg similarity index 100% rename from yolo-first-run/runs/train/yolov7-custom/train_batch7.jpg rename to code/yolo-first-run/runs/train/yolov7-custom/train_batch7.jpg diff --git a/yolo-first-run/runs/train/yolov7-custom/train_batch8.jpg b/code/yolo-first-run/runs/train/yolov7-custom/train_batch8.jpg similarity index 100% rename from yolo-first-run/runs/train/yolov7-custom/train_batch8.jpg rename to code/yolo-first-run/runs/train/yolov7-custom/train_batch8.jpg diff --git a/yolo-first-run/runs/train/yolov7-custom/train_batch9.jpg b/code/yolo-first-run/runs/train/yolov7-custom/train_batch9.jpg similarity index 100% rename from yolo-first-run/runs/train/yolov7-custom/train_batch9.jpg rename to code/yolo-first-run/runs/train/yolov7-custom/train_batch9.jpg diff --git a/yolo-first-run/test.py b/code/yolo-first-run/test.py similarity index 100% rename from yolo-first-run/test.py rename to code/yolo-first-run/test.py diff --git a/yolo-first-run/train.py b/code/yolo-first-run/train.py similarity index 100% rename from yolo-first-run/train.py rename to code/yolo-first-run/train.py diff --git a/yolo-first-run/train_aux.py b/code/yolo-first-run/train_aux.py similarity index 100% rename from yolo-first-run/train_aux.py rename to code/yolo-first-run/train_aux.py diff --git a/yolo-first-run/utils/__init__.py b/code/yolo-first-run/utils/__init__.py similarity index 100% rename from yolo-first-run/utils/__init__.py rename to code/yolo-first-run/utils/__init__.py diff --git a/yolo-first-run/utils/activations.py b/code/yolo-first-run/utils/activations.py similarity index 100% rename from yolo-first-run/utils/activations.py rename to code/yolo-first-run/utils/activations.py diff --git a/yolo-first-run/utils/add_nms.py b/code/yolo-first-run/utils/add_nms.py similarity index 100% rename from yolo-first-run/utils/add_nms.py rename to code/yolo-first-run/utils/add_nms.py diff --git a/yolo-first-run/utils/autoanchor.py b/code/yolo-first-run/utils/autoanchor.py similarity index 100% rename from yolo-first-run/utils/autoanchor.py rename to code/yolo-first-run/utils/autoanchor.py diff --git a/yolo-first-run/utils/aws/__init__.py b/code/yolo-first-run/utils/aws/__init__.py similarity index 100% rename from yolo-first-run/utils/aws/__init__.py rename to code/yolo-first-run/utils/aws/__init__.py diff --git a/yolo-first-run/utils/aws/mime.sh b/code/yolo-first-run/utils/aws/mime.sh similarity index 100% rename from yolo-first-run/utils/aws/mime.sh rename to code/yolo-first-run/utils/aws/mime.sh diff --git a/yolo-first-run/utils/aws/resume.py b/code/yolo-first-run/utils/aws/resume.py similarity index 100% rename from yolo-first-run/utils/aws/resume.py rename to code/yolo-first-run/utils/aws/resume.py diff --git a/yolo-first-run/utils/aws/userdata.sh b/code/yolo-first-run/utils/aws/userdata.sh similarity index 100% rename from yolo-first-run/utils/aws/userdata.sh rename to code/yolo-first-run/utils/aws/userdata.sh diff --git a/yolo-first-run/utils/datasets.py b/code/yolo-first-run/utils/datasets.py similarity index 100% rename from yolo-first-run/utils/datasets.py rename to code/yolo-first-run/utils/datasets.py diff --git a/yolo-first-run/utils/general.py b/code/yolo-first-run/utils/general.py similarity index 100% rename from yolo-first-run/utils/general.py rename to code/yolo-first-run/utils/general.py diff --git a/yolo-first-run/utils/google_app_engine/Dockerfile b/code/yolo-first-run/utils/google_app_engine/Dockerfile similarity index 100% rename from yolo-first-run/utils/google_app_engine/Dockerfile rename to code/yolo-first-run/utils/google_app_engine/Dockerfile diff --git a/yolo-first-run/utils/google_app_engine/additional_requirements.txt b/code/yolo-first-run/utils/google_app_engine/additional_requirements.txt similarity index 100% rename from yolo-first-run/utils/google_app_engine/additional_requirements.txt rename to code/yolo-first-run/utils/google_app_engine/additional_requirements.txt diff --git a/yolo-first-run/utils/google_app_engine/app.yaml b/code/yolo-first-run/utils/google_app_engine/app.yaml similarity index 100% rename from yolo-first-run/utils/google_app_engine/app.yaml rename to code/yolo-first-run/utils/google_app_engine/app.yaml diff --git a/yolo-first-run/utils/google_utils.py b/code/yolo-first-run/utils/google_utils.py similarity index 100% rename from yolo-first-run/utils/google_utils.py rename to code/yolo-first-run/utils/google_utils.py diff --git a/yolo-first-run/utils/loss.py b/code/yolo-first-run/utils/loss.py similarity index 100% rename from yolo-first-run/utils/loss.py rename to code/yolo-first-run/utils/loss.py diff --git a/yolo-first-run/utils/metrics.py b/code/yolo-first-run/utils/metrics.py similarity index 100% rename from yolo-first-run/utils/metrics.py rename to code/yolo-first-run/utils/metrics.py diff --git a/yolo-first-run/utils/plots.py b/code/yolo-first-run/utils/plots.py similarity index 100% rename from yolo-first-run/utils/plots.py rename to code/yolo-first-run/utils/plots.py diff --git a/yolo-first-run/utils/torch_utils.py b/code/yolo-first-run/utils/torch_utils.py similarity index 100% rename from yolo-first-run/utils/torch_utils.py rename to code/yolo-first-run/utils/torch_utils.py diff --git a/yolo-first-run/utils/wandb_logging/__init__.py b/code/yolo-first-run/utils/wandb_logging/__init__.py similarity index 100% rename from yolo-first-run/utils/wandb_logging/__init__.py rename to code/yolo-first-run/utils/wandb_logging/__init__.py diff --git a/yolo-first-run/utils/wandb_logging/log_dataset.py b/code/yolo-first-run/utils/wandb_logging/log_dataset.py similarity index 100% rename from yolo-first-run/utils/wandb_logging/log_dataset.py rename to code/yolo-first-run/utils/wandb_logging/log_dataset.py diff --git a/yolo-first-run/utils/wandb_logging/wandb_utils.py b/code/yolo-first-run/utils/wandb_logging/wandb_utils.py similarity index 100% rename from yolo-first-run/utils/wandb_logging/wandb_utils.py rename to code/yolo-first-run/utils/wandb_logging/wandb_utils.py diff --git a/yolo-second-run/cfg/yolov7.yaml b/code/yolo-second-run/cfg/yolov7.yaml similarity index 100% rename from yolo-second-run/cfg/yolov7.yaml rename to code/yolo-second-run/cfg/yolov7.yaml diff --git a/yolo-second-run/detect.py b/code/yolo-second-run/detect.py similarity index 100% rename from yolo-second-run/detect.py rename to code/yolo-second-run/detect.py diff --git a/yolo-second-run/export.py b/code/yolo-second-run/export.py similarity index 100% rename from yolo-second-run/export.py rename to code/yolo-second-run/export.py diff --git a/yolo-second-run/hyp/hyp.scratch.custom.yaml b/code/yolo-second-run/hyp/hyp.scratch.custom.yaml similarity index 100% rename from yolo-second-run/hyp/hyp.scratch.custom.yaml rename to code/yolo-second-run/hyp/hyp.scratch.custom.yaml diff --git a/yolo-second-run/models/__init__.py b/code/yolo-second-run/models/__init__.py similarity index 100% rename from yolo-second-run/models/__init__.py rename to code/yolo-second-run/models/__init__.py diff --git a/yolo-second-run/models/common.py b/code/yolo-second-run/models/common.py similarity index 100% rename from yolo-second-run/models/common.py rename to code/yolo-second-run/models/common.py diff --git a/yolo-second-run/models/experimental.py b/code/yolo-second-run/models/experimental.py similarity index 100% rename from yolo-second-run/models/experimental.py rename to code/yolo-second-run/models/experimental.py diff --git a/yolo-second-run/models/yolo.py b/code/yolo-second-run/models/yolo.py similarity index 100% rename from yolo-second-run/models/yolo.py rename to code/yolo-second-run/models/yolo.py diff --git a/yolo-second-run/requirements.txt b/code/yolo-second-run/requirements.txt similarity index 100% rename from yolo-second-run/requirements.txt rename to code/yolo-second-run/requirements.txt diff --git a/yolo-second-run/runs/test/exp/F1_curve.png b/code/yolo-second-run/runs/test/exp/F1_curve.png similarity index 100% rename from yolo-second-run/runs/test/exp/F1_curve.png rename to code/yolo-second-run/runs/test/exp/F1_curve.png diff --git a/yolo-second-run/runs/test/exp/PR_curve.png b/code/yolo-second-run/runs/test/exp/PR_curve.png similarity index 100% rename from yolo-second-run/runs/test/exp/PR_curve.png rename to code/yolo-second-run/runs/test/exp/PR_curve.png diff --git a/yolo-second-run/runs/test/exp/P_curve.png b/code/yolo-second-run/runs/test/exp/P_curve.png similarity index 100% rename from yolo-second-run/runs/test/exp/P_curve.png rename to code/yolo-second-run/runs/test/exp/P_curve.png diff --git a/yolo-second-run/runs/test/exp/R_curve.png b/code/yolo-second-run/runs/test/exp/R_curve.png similarity index 100% rename from yolo-second-run/runs/test/exp/R_curve.png rename to code/yolo-second-run/runs/test/exp/R_curve.png diff --git a/yolo-second-run/runs/test/exp/confusion_matrix.png b/code/yolo-second-run/runs/test/exp/confusion_matrix.png similarity index 100% rename from yolo-second-run/runs/test/exp/confusion_matrix.png rename to code/yolo-second-run/runs/test/exp/confusion_matrix.png diff --git a/yolo-second-run/runs/test/exp/test_batch0_labels.jpg b/code/yolo-second-run/runs/test/exp/test_batch0_labels.jpg similarity index 100% rename from yolo-second-run/runs/test/exp/test_batch0_labels.jpg rename to code/yolo-second-run/runs/test/exp/test_batch0_labels.jpg diff --git a/yolo-second-run/runs/test/exp/test_batch0_pred.jpg b/code/yolo-second-run/runs/test/exp/test_batch0_pred.jpg similarity index 100% rename from yolo-second-run/runs/test/exp/test_batch0_pred.jpg rename to code/yolo-second-run/runs/test/exp/test_batch0_pred.jpg diff --git a/yolo-second-run/runs/test/exp/test_batch1_labels.jpg b/code/yolo-second-run/runs/test/exp/test_batch1_labels.jpg similarity index 100% rename from yolo-second-run/runs/test/exp/test_batch1_labels.jpg rename to code/yolo-second-run/runs/test/exp/test_batch1_labels.jpg diff --git a/yolo-second-run/runs/test/exp/test_batch1_pred.jpg b/code/yolo-second-run/runs/test/exp/test_batch1_pred.jpg similarity index 100% rename from yolo-second-run/runs/test/exp/test_batch1_pred.jpg rename to code/yolo-second-run/runs/test/exp/test_batch1_pred.jpg diff --git a/yolo-second-run/runs/test/exp/test_batch2_labels.jpg b/code/yolo-second-run/runs/test/exp/test_batch2_labels.jpg similarity index 100% rename from yolo-second-run/runs/test/exp/test_batch2_labels.jpg rename to code/yolo-second-run/runs/test/exp/test_batch2_labels.jpg diff --git a/yolo-second-run/runs/test/exp/test_batch2_pred.jpg b/code/yolo-second-run/runs/test/exp/test_batch2_pred.jpg similarity index 100% rename from yolo-second-run/runs/test/exp/test_batch2_pred.jpg rename to code/yolo-second-run/runs/test/exp/test_batch2_pred.jpg diff --git a/yolo-second-run/runs/train/yolov7-custom7/F1_curve.png b/code/yolo-second-run/runs/train/yolov7-custom7/F1_curve.png similarity index 100% rename from yolo-second-run/runs/train/yolov7-custom7/F1_curve.png rename to code/yolo-second-run/runs/train/yolov7-custom7/F1_curve.png diff --git a/yolo-second-run/runs/train/yolov7-custom7/PR_curve.png b/code/yolo-second-run/runs/train/yolov7-custom7/PR_curve.png similarity index 100% rename from yolo-second-run/runs/train/yolov7-custom7/PR_curve.png rename to code/yolo-second-run/runs/train/yolov7-custom7/PR_curve.png diff --git a/yolo-second-run/runs/train/yolov7-custom7/P_curve.png b/code/yolo-second-run/runs/train/yolov7-custom7/P_curve.png similarity index 100% rename from yolo-second-run/runs/train/yolov7-custom7/P_curve.png rename to code/yolo-second-run/runs/train/yolov7-custom7/P_curve.png diff --git a/yolo-second-run/runs/train/yolov7-custom7/R_curve.png b/code/yolo-second-run/runs/train/yolov7-custom7/R_curve.png similarity index 100% rename from yolo-second-run/runs/train/yolov7-custom7/R_curve.png rename to code/yolo-second-run/runs/train/yolov7-custom7/R_curve.png diff --git a/yolo-second-run/runs/train/yolov7-custom7/confusion_matrix.png b/code/yolo-second-run/runs/train/yolov7-custom7/confusion_matrix.png similarity index 100% rename from yolo-second-run/runs/train/yolov7-custom7/confusion_matrix.png rename to code/yolo-second-run/runs/train/yolov7-custom7/confusion_matrix.png diff --git a/yolo-second-run/runs/train/yolov7-custom7/events.out.tfevents.1672427617.dl1.144257.0 b/code/yolo-second-run/runs/train/yolov7-custom7/events.out.tfevents.1672427617.dl1.144257.0 similarity index 100% rename from yolo-second-run/runs/train/yolov7-custom7/events.out.tfevents.1672427617.dl1.144257.0 rename to code/yolo-second-run/runs/train/yolov7-custom7/events.out.tfevents.1672427617.dl1.144257.0 diff --git a/yolo-second-run/runs/train/yolov7-custom7/events.out.tfevents.1672429081.dl1.183081.0 b/code/yolo-second-run/runs/train/yolov7-custom7/events.out.tfevents.1672429081.dl1.183081.0 similarity index 100% rename from yolo-second-run/runs/train/yolov7-custom7/events.out.tfevents.1672429081.dl1.183081.0 rename to code/yolo-second-run/runs/train/yolov7-custom7/events.out.tfevents.1672429081.dl1.183081.0 diff --git a/yolo-second-run/runs/train/yolov7-custom7/hyp.yaml b/code/yolo-second-run/runs/train/yolov7-custom7/hyp.yaml similarity index 100% rename from yolo-second-run/runs/train/yolov7-custom7/hyp.yaml rename to code/yolo-second-run/runs/train/yolov7-custom7/hyp.yaml diff --git a/yolo-second-run/runs/train/yolov7-custom7/opt.yaml b/code/yolo-second-run/runs/train/yolov7-custom7/opt.yaml similarity index 100% rename from yolo-second-run/runs/train/yolov7-custom7/opt.yaml rename to code/yolo-second-run/runs/train/yolov7-custom7/opt.yaml diff --git a/yolo-second-run/runs/train/yolov7-custom7/results.png b/code/yolo-second-run/runs/train/yolov7-custom7/results.png similarity index 100% rename from yolo-second-run/runs/train/yolov7-custom7/results.png rename to code/yolo-second-run/runs/train/yolov7-custom7/results.png diff --git a/yolo-second-run/runs/train/yolov7-custom7/results.txt b/code/yolo-second-run/runs/train/yolov7-custom7/results.txt similarity index 100% rename from yolo-second-run/runs/train/yolov7-custom7/results.txt rename to code/yolo-second-run/runs/train/yolov7-custom7/results.txt diff --git a/yolo-second-run/runs/train/yolov7-custom7/test_batch0_labels.jpg b/code/yolo-second-run/runs/train/yolov7-custom7/test_batch0_labels.jpg similarity index 100% rename from yolo-second-run/runs/train/yolov7-custom7/test_batch0_labels.jpg rename to code/yolo-second-run/runs/train/yolov7-custom7/test_batch0_labels.jpg diff --git a/yolo-second-run/runs/train/yolov7-custom7/test_batch0_pred.jpg b/code/yolo-second-run/runs/train/yolov7-custom7/test_batch0_pred.jpg similarity index 100% rename from yolo-second-run/runs/train/yolov7-custom7/test_batch0_pred.jpg rename to code/yolo-second-run/runs/train/yolov7-custom7/test_batch0_pred.jpg diff --git a/yolo-second-run/runs/train/yolov7-custom7/test_batch1_labels.jpg b/code/yolo-second-run/runs/train/yolov7-custom7/test_batch1_labels.jpg similarity index 100% rename from yolo-second-run/runs/train/yolov7-custom7/test_batch1_labels.jpg rename to code/yolo-second-run/runs/train/yolov7-custom7/test_batch1_labels.jpg diff --git a/yolo-second-run/runs/train/yolov7-custom7/test_batch1_pred.jpg b/code/yolo-second-run/runs/train/yolov7-custom7/test_batch1_pred.jpg similarity index 100% rename from yolo-second-run/runs/train/yolov7-custom7/test_batch1_pred.jpg rename to code/yolo-second-run/runs/train/yolov7-custom7/test_batch1_pred.jpg diff --git a/yolo-second-run/runs/train/yolov7-custom7/test_batch2_labels.jpg b/code/yolo-second-run/runs/train/yolov7-custom7/test_batch2_labels.jpg similarity index 100% rename from yolo-second-run/runs/train/yolov7-custom7/test_batch2_labels.jpg rename to code/yolo-second-run/runs/train/yolov7-custom7/test_batch2_labels.jpg diff --git a/yolo-second-run/runs/train/yolov7-custom7/test_batch2_pred.jpg b/code/yolo-second-run/runs/train/yolov7-custom7/test_batch2_pred.jpg similarity index 100% rename from yolo-second-run/runs/train/yolov7-custom7/test_batch2_pred.jpg rename to code/yolo-second-run/runs/train/yolov7-custom7/test_batch2_pred.jpg diff --git a/yolo-second-run/runs/train/yolov7-custom7/train_batch0.jpg b/code/yolo-second-run/runs/train/yolov7-custom7/train_batch0.jpg similarity index 100% rename from yolo-second-run/runs/train/yolov7-custom7/train_batch0.jpg rename to code/yolo-second-run/runs/train/yolov7-custom7/train_batch0.jpg diff --git a/yolo-second-run/runs/train/yolov7-custom7/train_batch1.jpg b/code/yolo-second-run/runs/train/yolov7-custom7/train_batch1.jpg similarity index 100% rename from yolo-second-run/runs/train/yolov7-custom7/train_batch1.jpg rename to code/yolo-second-run/runs/train/yolov7-custom7/train_batch1.jpg diff --git a/yolo-second-run/runs/train/yolov7-custom7/train_batch2.jpg b/code/yolo-second-run/runs/train/yolov7-custom7/train_batch2.jpg similarity index 100% rename from yolo-second-run/runs/train/yolov7-custom7/train_batch2.jpg rename to code/yolo-second-run/runs/train/yolov7-custom7/train_batch2.jpg diff --git a/yolo-second-run/runs/train/yolov7-custom7/train_batch3.jpg b/code/yolo-second-run/runs/train/yolov7-custom7/train_batch3.jpg similarity index 100% rename from yolo-second-run/runs/train/yolov7-custom7/train_batch3.jpg rename to code/yolo-second-run/runs/train/yolov7-custom7/train_batch3.jpg diff --git a/yolo-second-run/runs/train/yolov7-custom7/train_batch4.jpg b/code/yolo-second-run/runs/train/yolov7-custom7/train_batch4.jpg similarity index 100% rename from yolo-second-run/runs/train/yolov7-custom7/train_batch4.jpg rename to code/yolo-second-run/runs/train/yolov7-custom7/train_batch4.jpg diff --git a/yolo-second-run/runs/train/yolov7-custom7/train_batch5.jpg b/code/yolo-second-run/runs/train/yolov7-custom7/train_batch5.jpg similarity index 100% rename from yolo-second-run/runs/train/yolov7-custom7/train_batch5.jpg rename to code/yolo-second-run/runs/train/yolov7-custom7/train_batch5.jpg diff --git a/yolo-second-run/runs/train/yolov7-custom7/train_batch6.jpg b/code/yolo-second-run/runs/train/yolov7-custom7/train_batch6.jpg similarity index 100% rename from yolo-second-run/runs/train/yolov7-custom7/train_batch6.jpg rename to code/yolo-second-run/runs/train/yolov7-custom7/train_batch6.jpg diff --git a/yolo-second-run/runs/train/yolov7-custom7/train_batch7.jpg b/code/yolo-second-run/runs/train/yolov7-custom7/train_batch7.jpg similarity index 100% rename from yolo-second-run/runs/train/yolov7-custom7/train_batch7.jpg rename to code/yolo-second-run/runs/train/yolov7-custom7/train_batch7.jpg diff --git a/yolo-second-run/runs/train/yolov7-custom7/train_batch8.jpg b/code/yolo-second-run/runs/train/yolov7-custom7/train_batch8.jpg similarity index 100% rename from yolo-second-run/runs/train/yolov7-custom7/train_batch8.jpg rename to code/yolo-second-run/runs/train/yolov7-custom7/train_batch8.jpg diff --git a/yolo-second-run/runs/train/yolov7-custom7/train_batch9.jpg b/code/yolo-second-run/runs/train/yolov7-custom7/train_batch9.jpg similarity index 100% rename from yolo-second-run/runs/train/yolov7-custom7/train_batch9.jpg rename to code/yolo-second-run/runs/train/yolov7-custom7/train_batch9.jpg diff --git a/yolo-second-run/test.py b/code/yolo-second-run/test.py similarity index 100% rename from yolo-second-run/test.py rename to code/yolo-second-run/test.py diff --git a/yolo-second-run/train.py b/code/yolo-second-run/train.py similarity index 100% rename from yolo-second-run/train.py rename to code/yolo-second-run/train.py diff --git a/yolo-second-run/train_aux.py b/code/yolo-second-run/train_aux.py similarity index 100% rename from yolo-second-run/train_aux.py rename to code/yolo-second-run/train_aux.py diff --git a/yolo-second-run/utils/__init__.py b/code/yolo-second-run/utils/__init__.py similarity index 100% rename from yolo-second-run/utils/__init__.py rename to code/yolo-second-run/utils/__init__.py diff --git a/yolo-second-run/utils/activations.py b/code/yolo-second-run/utils/activations.py similarity index 100% rename from yolo-second-run/utils/activations.py rename to code/yolo-second-run/utils/activations.py diff --git a/yolo-second-run/utils/add_nms.py b/code/yolo-second-run/utils/add_nms.py similarity index 100% rename from yolo-second-run/utils/add_nms.py rename to code/yolo-second-run/utils/add_nms.py diff --git a/yolo-second-run/utils/autoanchor.py b/code/yolo-second-run/utils/autoanchor.py similarity index 100% rename from yolo-second-run/utils/autoanchor.py rename to code/yolo-second-run/utils/autoanchor.py diff --git a/yolo-second-run/utils/aws/__init__.py b/code/yolo-second-run/utils/aws/__init__.py similarity index 100% rename from yolo-second-run/utils/aws/__init__.py rename to code/yolo-second-run/utils/aws/__init__.py diff --git a/yolo-second-run/utils/aws/mime.sh b/code/yolo-second-run/utils/aws/mime.sh similarity index 100% rename from yolo-second-run/utils/aws/mime.sh rename to code/yolo-second-run/utils/aws/mime.sh diff --git a/yolo-second-run/utils/aws/resume.py b/code/yolo-second-run/utils/aws/resume.py similarity index 100% rename from yolo-second-run/utils/aws/resume.py rename to code/yolo-second-run/utils/aws/resume.py diff --git a/yolo-second-run/utils/aws/userdata.sh b/code/yolo-second-run/utils/aws/userdata.sh similarity index 100% rename from yolo-second-run/utils/aws/userdata.sh rename to code/yolo-second-run/utils/aws/userdata.sh diff --git a/yolo-second-run/utils/datasets.py b/code/yolo-second-run/utils/datasets.py similarity index 100% rename from yolo-second-run/utils/datasets.py rename to code/yolo-second-run/utils/datasets.py diff --git a/yolo-second-run/utils/general.py b/code/yolo-second-run/utils/general.py similarity index 100% rename from yolo-second-run/utils/general.py rename to code/yolo-second-run/utils/general.py diff --git a/yolo-second-run/utils/google_app_engine/Dockerfile b/code/yolo-second-run/utils/google_app_engine/Dockerfile similarity index 100% rename from yolo-second-run/utils/google_app_engine/Dockerfile rename to code/yolo-second-run/utils/google_app_engine/Dockerfile diff --git a/yolo-second-run/utils/google_app_engine/additional_requirements.txt b/code/yolo-second-run/utils/google_app_engine/additional_requirements.txt similarity index 100% rename from yolo-second-run/utils/google_app_engine/additional_requirements.txt rename to code/yolo-second-run/utils/google_app_engine/additional_requirements.txt diff --git a/yolo-second-run/utils/google_app_engine/app.yaml b/code/yolo-second-run/utils/google_app_engine/app.yaml similarity index 100% rename from yolo-second-run/utils/google_app_engine/app.yaml rename to code/yolo-second-run/utils/google_app_engine/app.yaml diff --git a/yolo-second-run/utils/google_utils.py b/code/yolo-second-run/utils/google_utils.py similarity index 100% rename from yolo-second-run/utils/google_utils.py rename to code/yolo-second-run/utils/google_utils.py diff --git a/yolo-second-run/utils/loss.py b/code/yolo-second-run/utils/loss.py similarity index 100% rename from yolo-second-run/utils/loss.py rename to code/yolo-second-run/utils/loss.py diff --git a/yolo-second-run/utils/metrics.py b/code/yolo-second-run/utils/metrics.py similarity index 100% rename from yolo-second-run/utils/metrics.py rename to code/yolo-second-run/utils/metrics.py diff --git a/yolo-second-run/utils/plots.py b/code/yolo-second-run/utils/plots.py similarity index 100% rename from yolo-second-run/utils/plots.py rename to code/yolo-second-run/utils/plots.py diff --git a/yolo-second-run/utils/torch_utils.py b/code/yolo-second-run/utils/torch_utils.py similarity index 100% rename from yolo-second-run/utils/torch_utils.py rename to code/yolo-second-run/utils/torch_utils.py diff --git a/yolo-second-run/utils/wandb_logging/__init__.py b/code/yolo-second-run/utils/wandb_logging/__init__.py similarity index 100% rename from yolo-second-run/utils/wandb_logging/__init__.py rename to code/yolo-second-run/utils/wandb_logging/__init__.py diff --git a/yolo-second-run/utils/wandb_logging/log_dataset.py b/code/yolo-second-run/utils/wandb_logging/log_dataset.py similarity index 100% rename from yolo-second-run/utils/wandb_logging/log_dataset.py rename to code/yolo-second-run/utils/wandb_logging/log_dataset.py diff --git a/yolo-second-run/utils/wandb_logging/wandb_utils.py b/code/yolo-second-run/utils/wandb_logging/wandb_utils.py similarity index 100% rename from yolo-second-run/utils/wandb_logging/wandb_utils.py rename to code/yolo-second-run/utils/wandb_logging/wandb_utils.py