Skip to content

Commit

Permalink
remove unused lib
Browse files Browse the repository at this point in the history
  • Loading branch information
layumi committed Aug 2, 2019
1 parent 89c39d0 commit c0ee2df
Show file tree
Hide file tree
Showing 6 changed files with 5 additions and 11 deletions.
1 change: 0 additions & 1 deletion reIDmodel.py
Original file line number Diff line number Diff line change
Expand Up @@ -7,7 +7,6 @@
import torch.nn as nn
from torch.nn import init
from torchvision import models
from torch.autograd import Variable

######################################################################
def weights_init_kaiming(m):
Expand Down
1 change: 0 additions & 1 deletion reid_eval/evaluate_gpu.py
Original file line number Diff line number Diff line change
Expand Up @@ -7,7 +7,6 @@
import scipy.io
import torch
import numpy as np
import time
import os
import matplotlib
matplotlib.use('agg')
Expand Down
1 change: 0 additions & 1 deletion train.py
Original file line number Diff line number Diff line change
Expand Up @@ -4,7 +4,6 @@
"""
from utils import get_all_data_loaders, prepare_sub_folder, write_loss, get_config, write_2images, Timer
import argparse
from torch.autograd import Variable
from trainer import DGNet_Trainer
import torch.backends.cudnn as cudnn
import torch
Expand Down
9 changes: 3 additions & 6 deletions trainer.py
Original file line number Diff line number Diff line change
Expand Up @@ -2,26 +2,23 @@
Copyright (C) 2019 NVIDIA Corporation. All rights reserved.
Licensed under the CC BY-NC-SA 4.0 license (https://creativecommons.org/licenses/by-nc-sa/4.0/legalcode).
"""
from networks import AdaINGen, MsImageDis, VAEGen
from networks import AdaINGen, MsImageDis
from reIDmodel import ft_net, ft_netAB, PCB
from utils import weights_init, get_model_list, vgg_preprocess, load_vgg16, get_scheduler
from utils import get_model_list, vgg_preprocess, load_vgg16, get_scheduler
from torch.autograd import Variable
import torch
import torch.nn as nn
import torchvision
import copy
import os
import cv2
import numpy as np
from random_erasing import RandomErasing
from PIL import Image
import random
import yaml

#fp16
try:
import apex
from apex import amp, optimizers
from apex import amp
from apex.fp16_utils import *
except ImportError:
print('This is not an error. If you want to use low precision, i.e., fp16, please install the apex with cuda support (https://github.com/NVIDIA/apex) and update pytorch to 1.0')
Expand Down
2 changes: 1 addition & 1 deletion utils.py
Original file line number Diff line number Diff line change
Expand Up @@ -7,7 +7,7 @@
from torch.autograd import Variable
from torch.optim import lr_scheduler
from torchvision import transforms
from data import ImageFilelist, ImageFolder
from data import ImageFilelist
from reIDfolder import ReIDFolder
import torch
import os
Expand Down
2 changes: 1 addition & 1 deletion visual_tools/show1by1.py
Original file line number Diff line number Diff line change
Expand Up @@ -13,7 +13,7 @@
import torch
import os
import numpy as np
from torchvision import datasets, models, transforms
from torchvision import datasets, transforms
from PIL import Image

name = 'E0.5new_reid0.5_w30000'
Expand Down

0 comments on commit c0ee2df

Please sign in to comment.