update some relative path
This commit is contained in:
		| @@ -11,7 +11,7 @@ from PIL import Image | ||||
|  | ||||
| from .DownsampledImageNet import ImageNet16 | ||||
| from .SearchDatasetWrap import SearchDataset | ||||
| from config_utils import load_config | ||||
| from naswot.config_utils import load_config | ||||
|  | ||||
|  | ||||
| Dataset2Class = {'cifar10' : 10, | ||||
|   | ||||
| @@ -7,11 +7,11 @@ | ||||
|  | ||||
| """Benchmarking functions.""" | ||||
|  | ||||
| import pycls.core.logging as logging | ||||
| import pycls.datasets.loader as loader | ||||
| import naswot.pycls.core.logging as logging | ||||
| import naswot.pycls.datasets.loader as loader | ||||
| import torch | ||||
| from pycls.core.config import cfg | ||||
| from pycls.core.timer import Timer | ||||
| from naswot.pycls.core.config import cfg | ||||
| from naswot.pycls.core.timer import Timer | ||||
|  | ||||
|  | ||||
| logger = logging.get_logger(__name__) | ||||
|   | ||||
| @@ -8,14 +8,14 @@ | ||||
| """Model and loss construction functions.""" | ||||
|  | ||||
| import torch | ||||
| from pycls.core.config import cfg | ||||
| from pycls.models.anynet import AnyNet | ||||
| from pycls.models.effnet import EffNet | ||||
| from pycls.models.regnet import RegNet | ||||
| from pycls.models.resnet import ResNet | ||||
| from pycls.models.nas.nas import NAS | ||||
| from pycls.models.nas.nas_search import NAS_Search | ||||
| from pycls.models.nas_bench.model_builder import NAS_Bench | ||||
| from naswot.pycls.core.config import cfg | ||||
| from naswot.pycls.models.anynet import AnyNet | ||||
| from naswot.pycls.models.effnet import EffNet | ||||
| from naswot.pycls.models.regnet import RegNet | ||||
| from naswot.pycls.models.resnet import ResNet | ||||
| from naswot.pycls.models.nas.nas import NAS | ||||
| from naswot.pycls.models.nas.nas_search import NAS_Search | ||||
| from naswot.pycls.models.nas_bench.model_builder import NAS_Bench | ||||
|  | ||||
|  | ||||
| class LabelSmoothedCrossEntropyLoss(torch.nn.Module): | ||||
|   | ||||
| @@ -9,9 +9,9 @@ | ||||
|  | ||||
| import os | ||||
|  | ||||
| import pycls.core.distributed as dist | ||||
| import naswot.pycls.core.distributed as dist | ||||
| import torch | ||||
| from pycls.core.config import cfg | ||||
| from naswot.pycls.core.config import cfg | ||||
|  | ||||
|  | ||||
| # Common prefix for checkpoint file names | ||||
|   | ||||
| @@ -11,7 +11,7 @@ import argparse | ||||
| import os | ||||
| import sys | ||||
|  | ||||
| from pycls.core.io import cache_url | ||||
| from naswot.pycls.core.io import cache_url | ||||
| from yacs.config import CfgNode as CfgNode | ||||
|  | ||||
|  | ||||
|   | ||||
| @@ -14,7 +14,7 @@ import threading | ||||
| import traceback | ||||
|  | ||||
| import torch | ||||
| from pycls.core.config import cfg | ||||
| from naswot.pycls.core.config import cfg | ||||
|  | ||||
|  | ||||
| def is_master_proc(): | ||||
|   | ||||
| @@ -13,9 +13,9 @@ import logging | ||||
| import os | ||||
| import sys | ||||
|  | ||||
| import pycls.core.distributed as dist | ||||
| import naswot.pycls.core.distributed as dist | ||||
| import simplejson | ||||
| from pycls.core.config import cfg | ||||
| from naswot.pycls.core.config import cfg | ||||
|  | ||||
|  | ||||
| # Show filename and line number in logs | ||||
|   | ||||
| @@ -10,10 +10,10 @@ | ||||
| from collections import deque | ||||
|  | ||||
| import numpy as np | ||||
| import pycls.core.logging as logging | ||||
| import naswot.pycls.core.logging as logging | ||||
| import torch | ||||
| from pycls.core.config import cfg | ||||
| from pycls.core.timer import Timer | ||||
| from naswot.pycls.core.config import cfg | ||||
| from naswot.pycls.core.timer import Timer | ||||
|  | ||||
|  | ||||
| logger = logging.get_logger(__name__) | ||||
|   | ||||
| @@ -12,7 +12,7 @@ import math | ||||
|  | ||||
| import torch | ||||
| import torch.nn as nn | ||||
| from pycls.core.config import cfg | ||||
| from naswot.pycls.core.config import cfg | ||||
|  | ||||
|  | ||||
| def init_weights(m): | ||||
|   | ||||
| @@ -9,7 +9,7 @@ | ||||
|  | ||||
| import numpy as np | ||||
| import torch | ||||
| from pycls.core.config import cfg | ||||
| from naswot.pycls.core.config import cfg | ||||
|  | ||||
|  | ||||
| def construct_optimizer(model): | ||||
|   | ||||
| @@ -7,9 +7,9 @@ | ||||
|  | ||||
| """AnyNet models.""" | ||||
|  | ||||
| import pycls.core.net as net | ||||
| import naswot.pycls.core.net as net | ||||
| import torch.nn as nn | ||||
| from pycls.core.config import cfg | ||||
| from naswot.pycls.core.config import cfg | ||||
|  | ||||
|  | ||||
| def get_stem_fun(stem_type): | ||||
|   | ||||
| @@ -8,7 +8,7 @@ | ||||
| import torch | ||||
| import torch.nn as nn | ||||
|  | ||||
| from pycls.core.config import cfg | ||||
| from naswot.pycls.core.config import cfg | ||||
|  | ||||
|  | ||||
| def Preprocess(x): | ||||
|   | ||||
| @@ -12,17 +12,17 @@ from torch.autograd import Variable | ||||
| import torch | ||||
| import torch.nn as nn | ||||
|  | ||||
| import pycls.core.logging as logging | ||||
| import naswot.pycls.core.logging as logging | ||||
|  | ||||
| from pycls.core.config import cfg | ||||
| from pycls.models.common import Preprocess | ||||
| from pycls.models.common import Classifier | ||||
| from pycls.models.nas.genotypes import GENOTYPES | ||||
| from pycls.models.nas.genotypes import Genotype | ||||
| from pycls.models.nas.operations import FactorizedReduce | ||||
| from pycls.models.nas.operations import OPS | ||||
| from pycls.models.nas.operations import ReLUConvBN | ||||
| from pycls.models.nas.operations import Identity | ||||
| from naswot.pycls.core.config import cfg | ||||
| from naswot.pycls.models.common import Preprocess | ||||
| from naswot.pycls.models.common import Classifier | ||||
| from naswot.pycls.models.nas.genotypes import GENOTYPES | ||||
| from naswot.pycls.models.nas.genotypes import Genotype | ||||
| from naswot.pycls.models.nas.operations import FactorizedReduce | ||||
| from naswot.pycls.models.nas.operations import OPS | ||||
| from naswot.pycls.models.nas.operations import ReLUConvBN | ||||
| from naswot.pycls.models.nas.operations import Identity | ||||
|  | ||||
|  | ||||
| logger = logging.get_logger(__name__) | ||||
|   | ||||
		Reference in New Issue
	
	Block a user