update README

This commit is contained in:
Xuanyi Dong 2019-04-10 19:13:29 +08:00
parent 17b615e792
commit f0da071806
20 changed files with 56 additions and 13 deletions

View File

@ -46,11 +46,12 @@ CUDA_VISIBLE_DEVICES=0 bash ./scripts-rnn/train-WT2.sh GDAS
``` ```
### Training Logs ### 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 ### Experimental Results
<img src="data/imagenet-results.png" width="700"> <img src="data/imagenet-results.png" width="700">
Figure 2. Top-1 and top-5 errors on ImageNet. Figure-2. Top-1 and top-5 errors on ImageNet.
### Citation ### Citation
If you find that this project (GDAS) helps your research, please cite the paper: If you find that this project (GDAS) helps your research, please cite the paper:

View File

@ -1,3 +1,6 @@
##################################################
# Copyright (c) Xuanyi Dong [GitHub D-X-Y], 2019 #
##################################################
# python ./exps-nas/cvpr-vis.py --save_dir ./snapshots/NAS-VIS/ # python ./exps-nas/cvpr-vis.py --save_dir ./snapshots/NAS-VIS/
import os, sys, time, glob, random, argparse import os, sys, time, glob, random, argparse
import numpy as np import numpy as np

View File

@ -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 os, sys, time, glob, random, argparse
import numpy as np import numpy as np
from copy import deepcopy from copy import deepcopy

View File

@ -1,3 +1,6 @@
##################################################
# Copyright (c) Xuanyi Dong [GitHub D-X-Y], 2019 #
##################################################
import os, sys, time, glob, random, argparse import os, sys, time, glob, random, argparse
import numpy as np import numpy as np
from copy import deepcopy from copy import deepcopy

View File

@ -1,3 +1,6 @@
##################################################
# Copyright (c) Xuanyi Dong [GitHub D-X-Y], 2019 #
##################################################
import os, sys, time import os, sys, time
from copy import deepcopy from copy import deepcopy
import torch import torch

View File

@ -1,3 +1,6 @@
##################################################
# Copyright (c) Xuanyi Dong [GitHub D-X-Y], 2019 #
##################################################
import os, sys, time import os, sys, time
from copy import deepcopy from copy import deepcopy
import torch import torch

View File

@ -1,3 +1,6 @@
##################################################
# Copyright (c) Xuanyi Dong [GitHub D-X-Y], 2019 #
##################################################
import os, gc, sys, math, time, glob, random, argparse import os, gc, sys, math, time, glob, random, argparse
import numpy as np import numpy as np
from copy import deepcopy from copy import deepcopy

View File

@ -1,3 +1,4 @@
# Modified from https://github.com/quark0/darts
import os, gc, sys, time, math import os, gc, sys, time, math
import numpy as np import numpy as np
from copy import deepcopy from copy import deepcopy

View File

@ -1,3 +1,6 @@
##################################################
# Copyright (c) Xuanyi Dong [GitHub D-X-Y], 2019 #
##################################################
from .MetaBatchSampler import MetaBatchSampler from .MetaBatchSampler import MetaBatchSampler
from .TieredImageNet import TieredImageNet from .TieredImageNet import TieredImageNet
from .LanguageDataset import Corpus from .LanguageDataset import Corpus

View File

@ -1,3 +1,6 @@
##################################################
# Copyright (c) Xuanyi Dong [GitHub D-X-Y], 2019 #
##################################################
import os, sys, torch import os, sys, torch
import os.path as osp import os.path as osp
import torchvision.datasets as dset import torchvision.datasets as dset

View File

@ -1,5 +1,7 @@
##################################################
# Copyright (c) Xuanyi Dong [GitHub D-X-Y], 2019 #
##################################################
from .model_search import Network from .model_search import Network
# acceleration model
from .CifarNet import NetworkCIFAR from .CifarNet import NetworkCIFAR
from .ImageNet import NetworkImageNet from .ImageNet import NetworkImageNet

View File

@ -1,2 +1,5 @@
##################################################
# Copyright (c) Xuanyi Dong [GitHub D-X-Y], 2019 #
##################################################
from .utils import load_config from .utils import load_config
from .scheduler import MultiStepLR, obtain_scheduler from .scheduler import MultiStepLR, obtain_scheduler

View File

@ -1,3 +1,6 @@
##################################################
# Copyright (c) Xuanyi Dong [GitHub D-X-Y], 2019 #
##################################################
import torch import torch
from bisect import bisect_right from bisect import bisect_right

View File

@ -1,10 +1,6 @@
##################################################
# Copyright (c) Facebook, Inc. and its affiliates. # Copyright (c) Xuanyi Dong [GitHub D-X-Y], 2019 #
# All rights reserved. ##################################################
#
# This source code is licensed under the license found in the
# LICENSE file in the root directory of this source tree.
#
import os, sys, json import os, sys, json
from pathlib import Path from pathlib import Path
from collections import namedtuple from collections import namedtuple

View File

@ -1,3 +1,6 @@
##################################################
# Copyright (c) Xuanyi Dong [GitHub D-X-Y], 2019 #
##################################################
from .utils import AverageMeter, RecorderMeter, convert_secs2time from .utils import AverageMeter, RecorderMeter, convert_secs2time
from .utils import time_file_str, time_string from .utils import time_file_str, time_string
from .utils import test_imagenet_data from .utils import test_imagenet_data

View File

@ -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 # modified from https://github.com/warmspringwinds/pytorch-segmentation-detection/blob/master/pytorch_segmentation_detection/utils/flops_benchmark.py
import copy, torch import copy, torch

View File

@ -1,3 +1,6 @@
##################################################
# Copyright (c) Xuanyi Dong [GitHub D-X-Y], 2019 #
##################################################
import torch import torch
import os, sys import os, sys
import os.path as osp import os.path as osp

View File

@ -1,3 +1,6 @@
##################################################
# Copyright (c) Xuanyi Dong [GitHub D-X-Y], 2019 #
##################################################
import os, sys, time import os, sys, time
import numpy as np import numpy as np
import random import random