diff --git a/.idea/.gitignore b/.idea/.gitignore new file mode 100644 index 0000000..26d3352 --- /dev/null +++ b/.idea/.gitignore @@ -0,0 +1,3 @@ +# Default ignored files +/shelf/ +/workspace.xml diff --git a/.idea/LO-Det.iml b/.idea/LO-Det.iml new file mode 100644 index 0000000..8cbcc3d --- /dev/null +++ b/.idea/LO-Det.iml @@ -0,0 +1,15 @@ + + + + + + + + + + + + \ No newline at end of file diff --git a/.idea/inspectionProfiles/Project_Default.xml b/.idea/inspectionProfiles/Project_Default.xml new file mode 100644 index 0000000..ed7c862 --- /dev/null +++ b/.idea/inspectionProfiles/Project_Default.xml @@ -0,0 +1,25 @@ + + + + \ No newline at end of file diff --git a/.idea/inspectionProfiles/profiles_settings.xml b/.idea/inspectionProfiles/profiles_settings.xml new file mode 100644 index 0000000..105ce2d --- /dev/null +++ b/.idea/inspectionProfiles/profiles_settings.xml @@ -0,0 +1,6 @@ + + + + \ No newline at end of file diff --git a/.idea/misc.xml b/.idea/misc.xml new file mode 100644 index 0000000..a2f7bd0 --- /dev/null +++ b/.idea/misc.xml @@ -0,0 +1,4 @@ + + + + \ No newline at end of file diff --git a/.idea/modules.xml b/.idea/modules.xml new file mode 100644 index 0000000..9d4453b --- /dev/null +++ b/.idea/modules.xml @@ -0,0 +1,8 @@ + + + + + + + + \ No newline at end of file diff --git a/.idea/vcs.xml b/.idea/vcs.xml new file mode 100644 index 0000000..94a25f7 --- /dev/null +++ b/.idea/vcs.xml @@ -0,0 +1,6 @@ + + + + + + \ No newline at end of file diff --git a/dataloadR/cocodataset.py b/dataloadR/cocodataset.py index 6b1e07d..db1a6a1 100644 --- a/dataloadR/cocodataset.py +++ b/dataloadR/cocodataset.py @@ -2,7 +2,7 @@ from torch.utils.data import Dataset from pycocotools.coco import COCO -import config.cfg_npmmr as cfg +import config.cfg_lodet as cfg from utils.utils_coco import * class COCODataset(Dataset): diff --git a/dataloadR/datasets.py b/dataloadR/datasets.py index d3de49d..76909b7 100644 --- a/dataloadR/datasets.py +++ b/dataloadR/datasets.py @@ -9,7 +9,7 @@ import torch from torch.utils.data import Dataset -import config.cfg_npmmr as cfg +import config.cfg_lodet as cfg import dataloadR.augmentations as DataAug import utils.utils_basic as tools from PIL import Image diff --git a/evalR/coco_eval.py b/evalR/coco_eval.py index 0f8b540..2108f4c 100644 --- a/evalR/coco_eval.py +++ b/evalR/coco_eval.py @@ -6,8 +6,8 @@ from pycocotools.cocoeval import COCOeval import time from tqdm import tqdm -from dataload.cocodataset import * -from eval.evaluator import Evaluator +from dataloadR.cocodataset import * +from evalR.evaluator import Evaluator from utils.utils_coco import * from utils.visualize import * diff --git a/log/event/events.out.tfevents.1626962113.Shank b/log/event/events.out.tfevents.1626962113.Shank new file mode 100644 index 0000000..b3d5124 Binary files /dev/null and b/log/event/events.out.tfevents.1626962113.Shank differ diff --git a/log/event/events.out.tfevents.1626962157.Shank b/log/event/events.out.tfevents.1626962157.Shank new file mode 100644 index 0000000..ceaf086 Binary files /dev/null and b/log/event/events.out.tfevents.1626962157.Shank differ diff --git a/log/event/events.out.tfevents.1626962181.Shank b/log/event/events.out.tfevents.1626962181.Shank new file mode 100644 index 0000000..de53bbf Binary files /dev/null and b/log/event/events.out.tfevents.1626962181.Shank differ diff --git a/log/event/events.out.tfevents.1626962188.Shank b/log/event/events.out.tfevents.1626962188.Shank new file mode 100644 index 0000000..f5112d3 Binary files /dev/null and b/log/event/events.out.tfevents.1626962188.Shank differ diff --git a/log/log.txt b/log/log.txt new file mode 100644 index 0000000..e69de29 diff --git a/log/log_coco_test.txt b/log/log_coco_test.txt new file mode 100644 index 0000000..e69de29 diff --git a/modelR/lodet.py b/modelR/lodet.py index 64b13ef..e22d56b 100644 --- a/modelR/lodet.py +++ b/modelR/lodet.py @@ -16,7 +16,7 @@ def __init__(self, pre_weights=None): self.__strides = torch.FloatTensor(cfg.MODEL["STRIDES"]) self.__nC = cfg.DATA["NUM"] self.__backnone = MobilenetV2(weight_path=pre_weights, extract_list=["6", "13", "conv"])#"17" - self.__neck = CSA_DRF(fileters_in=[1280, 96, 32]) + self.__neck = CSA_DRF_FPN(fileters_in=[1280, 96, 32]) # small self.__head_s = DSC_Head(nC=self.__nC, anchors=self.__anchors[0], stride=self.__strides[0]) # medium diff --git a/modelR/necks/csa_drf_fpn.py b/modelR/necks/csa_drf_fpn.py index 8f0d5b7..a66f586 100644 --- a/modelR/necks/csa_drf_fpn.py +++ b/modelR/necks/csa_drf_fpn.py @@ -2,8 +2,8 @@ import torch.nn as nn import torch.nn.functional as F from dropblock import DropBlock2D, LinearScheduler -from model.layers.convolutions import Convolutional, Deformable_Convolutional -from model.layers.shuffle_blocks import Shuffle_new, Shuffle_Cond_RFA, Shuffle_new_s +from modelR.layers.convolutions import Convolutional, Deformable_Convolutional +from modelR.layers.shuffle_blocks import Shuffle_new, Shuffle_Cond_RFA, Shuffle_new_s import config.cfg_lodet as cfg class Upsample(nn.Module): diff --git a/test.py b/test.py index 0cbfdcb..81d8840 100644 --- a/test.py +++ b/test.py @@ -12,7 +12,7 @@ from utils.utils_coco import * from utils.log import Logger import cv2 -from eval.coco_eval import COCOEvaluator +from evalR.coco_eval import COCOEvaluator import torch.backends.cudnn as cudnn class Tester(object): def __init__(self, weight_path=None, gpu_id=0, visiual=None, eval=False): diff --git a/trainR.py b/trainR.py index f44be36..562d794 100644 --- a/trainR.py +++ b/trainR.py @@ -7,10 +7,10 @@ import utils.gpu as gpu from utils import cosine_lr_scheduler from utils.log import Logger -from model.lodet import LODet -from model.loss.loss import Loss -from eval.evaluator import * -from eval.coco_eval import COCOEvaluator +from modelR.lodet import LODet +from modelR.loss.loss import Loss +from evalR.evaluator import * +from evalR.coco_eval import COCOEvaluator from torch.cuda.amp import autocast as autocast class Trainer(object):