From f0da0718066e9966600dd32b0fd3119ff8c4b7e7 Mon Sep 17 00:00:00 2001 From: Xuanyi Dong <280835372@qq.com> Date: Wed, 10 Apr 2019 19:13:29 +0800 Subject: [PATCH] update README --- README.md | 5 +++-- ...seed-6844.txt => GDAS-F1-cifar10-cut-seed-6844.txt} | 0 ...et-seed-3993.txt => GDAS-V1-imagenet-seed-3993.txt} | 0 exps-cnn/cvpr-vis.py | 3 +++ exps-cnn/evaluate.py | 4 ++++ exps-cnn/train_base.py | 3 +++ exps-cnn/train_utils.py | 3 +++ exps-cnn/train_utils_imagenet.py | 3 +++ exps-rnn/train_rnn_base.py | 3 +++ exps-rnn/train_rnn_utils.py | 1 + lib/datasets/__init__.py | 3 +++ lib/datasets/get_dataset_with_transform.py | 3 +++ lib/nas/__init__.py | 10 ++++++---- lib/scheduler/__init__.py | 3 +++ lib/scheduler/scheduler.py | 3 +++ lib/scheduler/utils.py | 10 +++------- lib/utils/__init__.py | 3 +++ lib/utils/flop_benchmark.py | 3 +++ lib/utils/save_meta.py | 3 +++ lib/utils/utils.py | 3 +++ 20 files changed, 56 insertions(+), 13 deletions(-) rename data/logs/{GDAS_F1-cifar10-cut-seed-6844.txt => GDAS-F1-cifar10-cut-seed-6844.txt} (100%) rename data/logs/{GDAS_V1-imagenet-seed-3993.txt => GDAS-V1-imagenet-seed-3993.txt} (100%) mode change 100755 => 100644 diff --git a/README.md b/README.md index 1673f77..e7e74ab 100644 --- a/README.md +++ b/README.md @@ -46,11 +46,12 @@ CUDA_VISIBLE_DEVICES=0 bash ./scripts-rnn/train-WT2.sh GDAS ``` ### Training Logs -Some training logs can be found in `./data/logs/`, and some pre-trained models can be found in [Google Driver](https://drive.google.com/open?id=1Ofhc49xC1PLIX4O708gJZ1ugzz4td_RJ). +You can find some training logs in [`./data/logs/`](https://github.com/D-X-Y/GDAS/tree/master/data/logs). +You can also find some pre-trained models in [Google Driver](https://drive.google.com/open?id=1Ofhc49xC1PLIX4O708gJZ1ugzz4td_RJ). ### Experimental Results -Figure 2. Top-1 and top-5 errors on ImageNet. +Figure-2. Top-1 and top-5 errors on ImageNet. ### Citation If you find that this project (GDAS) helps your research, please cite the paper: diff --git a/data/logs/GDAS_F1-cifar10-cut-seed-6844.txt b/data/logs/GDAS-F1-cifar10-cut-seed-6844.txt similarity index 100% rename from data/logs/GDAS_F1-cifar10-cut-seed-6844.txt rename to data/logs/GDAS-F1-cifar10-cut-seed-6844.txt diff --git a/data/logs/GDAS_V1-imagenet-seed-3993.txt b/data/logs/GDAS-V1-imagenet-seed-3993.txt old mode 100755 new mode 100644 similarity index 100% rename from data/logs/GDAS_V1-imagenet-seed-3993.txt rename to data/logs/GDAS-V1-imagenet-seed-3993.txt diff --git a/exps-cnn/cvpr-vis.py b/exps-cnn/cvpr-vis.py index 2438305..b0f68d9 100644 --- a/exps-cnn/cvpr-vis.py +++ b/exps-cnn/cvpr-vis.py @@ -1,3 +1,6 @@ +################################################## +# Copyright (c) Xuanyi Dong [GitHub D-X-Y], 2019 # +################################################## # python ./exps-nas/cvpr-vis.py --save_dir ./snapshots/NAS-VIS/ import os, sys, time, glob, random, argparse import numpy as np diff --git a/exps-cnn/evaluate.py b/exps-cnn/evaluate.py index be59b44..c6a747e 100644 --- a/exps-cnn/evaluate.py +++ b/exps-cnn/evaluate.py @@ -1,3 +1,7 @@ +################################################## +# Copyright (c) Xuanyi Dong [GitHub D-X-Y], 2019 # +################################################## +# For evaluating the learned model import os, sys, time, glob, random, argparse import numpy as np from copy import deepcopy diff --git a/exps-cnn/train_base.py b/exps-cnn/train_base.py index 560ca5e..2514d01 100644 --- a/exps-cnn/train_base.py +++ b/exps-cnn/train_base.py @@ -1,3 +1,6 @@ +################################################## +# Copyright (c) Xuanyi Dong [GitHub D-X-Y], 2019 # +################################################## import os, sys, time, glob, random, argparse import numpy as np from copy import deepcopy diff --git a/exps-cnn/train_utils.py b/exps-cnn/train_utils.py index efc90f3..eff39ef 100644 --- a/exps-cnn/train_utils.py +++ b/exps-cnn/train_utils.py @@ -1,3 +1,6 @@ +################################################## +# Copyright (c) Xuanyi Dong [GitHub D-X-Y], 2019 # +################################################## import os, sys, time from copy import deepcopy import torch diff --git a/exps-cnn/train_utils_imagenet.py b/exps-cnn/train_utils_imagenet.py index edcbaac..5fa421b 100644 --- a/exps-cnn/train_utils_imagenet.py +++ b/exps-cnn/train_utils_imagenet.py @@ -1,3 +1,6 @@ +################################################## +# Copyright (c) Xuanyi Dong [GitHub D-X-Y], 2019 # +################################################## import os, sys, time from copy import deepcopy import torch diff --git a/exps-rnn/train_rnn_base.py b/exps-rnn/train_rnn_base.py index ab84088..b250046 100644 --- a/exps-rnn/train_rnn_base.py +++ b/exps-rnn/train_rnn_base.py @@ -1,3 +1,6 @@ +################################################## +# Copyright (c) Xuanyi Dong [GitHub D-X-Y], 2019 # +################################################## import os, gc, sys, math, time, glob, random, argparse import numpy as np from copy import deepcopy diff --git a/exps-rnn/train_rnn_utils.py b/exps-rnn/train_rnn_utils.py index 544a8de..22edd83 100644 --- a/exps-rnn/train_rnn_utils.py +++ b/exps-rnn/train_rnn_utils.py @@ -1,3 +1,4 @@ +# Modified from https://github.com/quark0/darts import os, gc, sys, time, math import numpy as np from copy import deepcopy diff --git a/lib/datasets/__init__.py b/lib/datasets/__init__.py index d78e8dc..12d8f0c 100644 --- a/lib/datasets/__init__.py +++ b/lib/datasets/__init__.py @@ -1,3 +1,6 @@ +################################################## +# Copyright (c) Xuanyi Dong [GitHub D-X-Y], 2019 # +################################################## from .MetaBatchSampler import MetaBatchSampler from .TieredImageNet import TieredImageNet from .LanguageDataset import Corpus diff --git a/lib/datasets/get_dataset_with_transform.py b/lib/datasets/get_dataset_with_transform.py index 600f57b..6fa419f 100644 --- a/lib/datasets/get_dataset_with_transform.py +++ b/lib/datasets/get_dataset_with_transform.py @@ -1,3 +1,6 @@ +################################################## +# Copyright (c) Xuanyi Dong [GitHub D-X-Y], 2019 # +################################################## import os, sys, torch import os.path as osp import torchvision.datasets as dset diff --git a/lib/nas/__init__.py b/lib/nas/__init__.py index fd347f4..607e315 100644 --- a/lib/nas/__init__.py +++ b/lib/nas/__init__.py @@ -1,9 +1,11 @@ +################################################## +# Copyright (c) Xuanyi Dong [GitHub D-X-Y], 2019 # +################################################## from .model_search import Network -# acceleration model -from .CifarNet import NetworkCIFAR -from .ImageNet import NetworkImageNet +from .CifarNet import NetworkCIFAR +from .ImageNet import NetworkImageNet # genotypes -from .genotypes import model_types +from .genotypes import model_types from .construct_utils import return_alphas_str diff --git a/lib/scheduler/__init__.py b/lib/scheduler/__init__.py index 895bddb..e5eff26 100644 --- a/lib/scheduler/__init__.py +++ b/lib/scheduler/__init__.py @@ -1,2 +1,5 @@ +################################################## +# Copyright (c) Xuanyi Dong [GitHub D-X-Y], 2019 # +################################################## from .utils import load_config from .scheduler import MultiStepLR, obtain_scheduler diff --git a/lib/scheduler/scheduler.py b/lib/scheduler/scheduler.py index 87249b6..b0d7ac1 100644 --- a/lib/scheduler/scheduler.py +++ b/lib/scheduler/scheduler.py @@ -1,3 +1,6 @@ +################################################## +# Copyright (c) Xuanyi Dong [GitHub D-X-Y], 2019 # +################################################## import torch from bisect import bisect_right diff --git a/lib/scheduler/utils.py b/lib/scheduler/utils.py index 01534b9..2a278fc 100644 --- a/lib/scheduler/utils.py +++ b/lib/scheduler/utils.py @@ -1,10 +1,6 @@ - -# Copyright (c) Facebook, Inc. and its affiliates. -# All rights reserved. -# -# This source code is licensed under the license found in the -# LICENSE file in the root directory of this source tree. -# +################################################## +# Copyright (c) Xuanyi Dong [GitHub D-X-Y], 2019 # +################################################## import os, sys, json from pathlib import Path from collections import namedtuple diff --git a/lib/utils/__init__.py b/lib/utils/__init__.py index ca38ea9..ce07a87 100644 --- a/lib/utils/__init__.py +++ b/lib/utils/__init__.py @@ -1,3 +1,6 @@ +################################################## +# Copyright (c) Xuanyi Dong [GitHub D-X-Y], 2019 # +################################################## from .utils import AverageMeter, RecorderMeter, convert_secs2time from .utils import time_file_str, time_string from .utils import test_imagenet_data diff --git a/lib/utils/flop_benchmark.py b/lib/utils/flop_benchmark.py index 8a1865c..fab0506 100644 --- a/lib/utils/flop_benchmark.py +++ b/lib/utils/flop_benchmark.py @@ -1,3 +1,6 @@ +################################################## +# Copyright (c) Xuanyi Dong [GitHub D-X-Y], 2019 # +################################################## # modified from https://github.com/warmspringwinds/pytorch-segmentation-detection/blob/master/pytorch_segmentation_detection/utils/flops_benchmark.py import copy, torch diff --git a/lib/utils/save_meta.py b/lib/utils/save_meta.py index e3e1aea..d0cf3dc 100644 --- a/lib/utils/save_meta.py +++ b/lib/utils/save_meta.py @@ -1,3 +1,6 @@ +################################################## +# Copyright (c) Xuanyi Dong [GitHub D-X-Y], 2019 # +################################################## import torch import os, sys import os.path as osp diff --git a/lib/utils/utils.py b/lib/utils/utils.py index 494aa13..27abf46 100644 --- a/lib/utils/utils.py +++ b/lib/utils/utils.py @@ -1,3 +1,6 @@ +################################################## +# Copyright (c) Xuanyi Dong [GitHub D-X-Y], 2019 # +################################################## import os, sys, time import numpy as np import random