Skip to content

Commit

Permalink
debug2
Browse files Browse the repository at this point in the history
  • Loading branch information
Shank2358 committed Jul 22, 2021
1 parent 7bf79bf commit 4eabad8
Show file tree
Hide file tree
Showing 20 changed files with 79 additions and 12 deletions.
3 changes: 3 additions & 0 deletions .idea/.gitignore

Some generated files are not rendered by default. Learn more about how customized files appear on GitHub.

15 changes: 15 additions & 0 deletions .idea/LO-Det.iml

Some generated files are not rendered by default. Learn more about how customized files appear on GitHub.

25 changes: 25 additions & 0 deletions .idea/inspectionProfiles/Project_Default.xml

Some generated files are not rendered by default. Learn more about how customized files appear on GitHub.

6 changes: 6 additions & 0 deletions .idea/inspectionProfiles/profiles_settings.xml

Some generated files are not rendered by default. Learn more about how customized files appear on GitHub.

4 changes: 4 additions & 0 deletions .idea/misc.xml

Some generated files are not rendered by default. Learn more about how customized files appear on GitHub.

8 changes: 8 additions & 0 deletions .idea/modules.xml

Some generated files are not rendered by default. Learn more about how customized files appear on GitHub.

6 changes: 6 additions & 0 deletions .idea/vcs.xml

Some generated files are not rendered by default. Learn more about how customized files appear on GitHub.

2 changes: 1 addition & 1 deletion dataloadR/cocodataset.py
Original file line number Diff line number Diff line change
Expand Up @@ -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):
Expand Down
2 changes: 1 addition & 1 deletion dataloadR/datasets.py
Original file line number Diff line number Diff line change
Expand Up @@ -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
Expand Down
4 changes: 2 additions & 2 deletions evalR/coco_eval.py
Original file line number Diff line number Diff line change
Expand Up @@ -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 *

Expand Down
Binary file added log/event/events.out.tfevents.1626962113.Shank
Binary file not shown.
Binary file added log/event/events.out.tfevents.1626962157.Shank
Binary file not shown.
Binary file added log/event/events.out.tfevents.1626962181.Shank
Binary file not shown.
Binary file added log/event/events.out.tfevents.1626962188.Shank
Binary file not shown.
Empty file added log/log.txt
Empty file.
Empty file added log/log_coco_test.txt
Empty file.
2 changes: 1 addition & 1 deletion modelR/lodet.py
Original file line number Diff line number Diff line change
Expand Up @@ -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
Expand Down
4 changes: 2 additions & 2 deletions modelR/necks/csa_drf_fpn.py
Original file line number Diff line number Diff line change
Expand Up @@ -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):
Expand Down
2 changes: 1 addition & 1 deletion test.py
Original file line number Diff line number Diff line change
Expand Up @@ -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):
Expand Down
8 changes: 4 additions & 4 deletions trainR.py
Original file line number Diff line number Diff line change
Expand Up @@ -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):
Expand Down

0 comments on commit 4eabad8

Please sign in to comment.