[Docs] Add Copyright information. (#413)
parent
5c4da16084
commit
f9eb9b409b
2
LICENSE
2
LICENSE
|
@ -1,4 +1,4 @@
|
||||||
Copyright 2020 MMClassification Authors. All rights reserved.
|
Copyright (c) OpenMMLab. All rights reserved
|
||||||
|
|
||||||
Apache License
|
Apache License
|
||||||
Version 2.0, January 2004
|
Version 2.0, January 2004
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
from argparse import ArgumentParser
|
from argparse import ArgumentParser
|
||||||
|
|
||||||
from mmcls.apis import inference_model, init_model, show_result_pyplot
|
from mmcls.apis import inference_model, init_model, show_result_pyplot
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import warnings
|
import warnings
|
||||||
|
|
||||||
import mmcv
|
import mmcv
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
from .inference import inference_model, init_model, show_result_pyplot
|
from .inference import inference_model, init_model, show_result_pyplot
|
||||||
from .test import multi_gpu_test, single_gpu_test
|
from .test import multi_gpu_test, single_gpu_test
|
||||||
from .train import set_random_seed, train_model
|
from .train import set_random_seed, train_model
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import warnings
|
import warnings
|
||||||
|
|
||||||
import matplotlib.pyplot as plt
|
import matplotlib.pyplot as plt
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import os.path as osp
|
import os.path as osp
|
||||||
import pickle
|
import pickle
|
||||||
import shutil
|
import shutil
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import random
|
import random
|
||||||
import warnings
|
import warnings
|
||||||
|
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
from .evaluation import * # noqa: F401, F403
|
from .evaluation import * # noqa: F401, F403
|
||||||
from .fp16 import * # noqa: F401, F403
|
from .fp16 import * # noqa: F401, F403
|
||||||
from .utils import * # noqa: F401, F403
|
from .utils import * # noqa: F401, F403
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
from .eval_hooks import DistEvalHook, EvalHook
|
from .eval_hooks import DistEvalHook, EvalHook
|
||||||
from .eval_metrics import (calculate_confusion_matrix, f1_score, precision,
|
from .eval_metrics import (calculate_confusion_matrix, f1_score, precision,
|
||||||
precision_recall_f1, recall, support)
|
precision_recall_f1, recall, support)
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import os.path as osp
|
import os.path as osp
|
||||||
import warnings
|
import warnings
|
||||||
|
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
from numbers import Number
|
from numbers import Number
|
||||||
|
|
||||||
import numpy as np
|
import numpy as np
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import numpy as np
|
import numpy as np
|
||||||
import torch
|
import torch
|
||||||
|
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import warnings
|
import warnings
|
||||||
|
|
||||||
import numpy as np
|
import numpy as np
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
from .test import ONNXRuntimeClassifier, TensorRTClassifier
|
from .test import ONNXRuntimeClassifier, TensorRTClassifier
|
||||||
|
|
||||||
__all__ = ['ONNXRuntimeClassifier', 'TensorRTClassifier']
|
__all__ = ['ONNXRuntimeClassifier', 'TensorRTClassifier']
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import warnings
|
import warnings
|
||||||
|
|
||||||
import numpy as np
|
import numpy as np
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
from .decorators import auto_fp16, force_fp32
|
from .decorators import auto_fp16, force_fp32
|
||||||
from .hooks import Fp16OptimizerHook, wrap_fp16_model
|
from .hooks import Fp16OptimizerHook, wrap_fp16_model
|
||||||
|
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import functools
|
import functools
|
||||||
from inspect import getfullargspec
|
from inspect import getfullargspec
|
||||||
|
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import copy
|
import copy
|
||||||
|
|
||||||
import torch
|
import torch
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
from collections import abc
|
from collections import abc
|
||||||
|
|
||||||
import numpy as np
|
import numpy as np
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
from .dist_utils import DistOptimizerHook, allreduce_grads
|
from .dist_utils import DistOptimizerHook, allreduce_grads
|
||||||
from .misc import multi_apply
|
from .misc import multi_apply
|
||||||
|
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
from collections import OrderedDict
|
from collections import OrderedDict
|
||||||
|
|
||||||
import torch.distributed as dist
|
import torch.distributed as dist
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
from functools import partial
|
from functools import partial
|
||||||
|
|
||||||
|
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
from .base_dataset import BaseDataset
|
from .base_dataset import BaseDataset
|
||||||
from .builder import DATASETS, PIPELINES, build_dataloader, build_dataset
|
from .builder import DATASETS, PIPELINES, build_dataloader, build_dataset
|
||||||
from .cifar import CIFAR10, CIFAR100
|
from .cifar import CIFAR10, CIFAR100
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import copy
|
import copy
|
||||||
from abc import ABCMeta, abstractmethod
|
from abc import ABCMeta, abstractmethod
|
||||||
|
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import platform
|
import platform
|
||||||
import random
|
import random
|
||||||
from distutils.version import LooseVersion
|
from distutils.version import LooseVersion
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import os
|
import os
|
||||||
import os.path
|
import os.path
|
||||||
import pickle
|
import pickle
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import bisect
|
import bisect
|
||||||
import math
|
import math
|
||||||
from collections import defaultdict
|
from collections import defaultdict
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import os
|
import os
|
||||||
|
|
||||||
import numpy as np
|
import numpy as np
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import codecs
|
import codecs
|
||||||
import os
|
import os
|
||||||
import os.path as osp
|
import os.path as osp
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import warnings
|
import warnings
|
||||||
|
|
||||||
import numpy as np
|
import numpy as np
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
from .auto_augment import (AutoAugment, AutoContrast, Brightness,
|
from .auto_augment import (AutoAugment, AutoContrast, Brightness,
|
||||||
ColorTransform, Contrast, Cutout, Equalize, Invert,
|
ColorTransform, Contrast, Cutout, Equalize, Invert,
|
||||||
Posterize, RandAugment, Rotate, Sharpness, Shear,
|
Posterize, RandAugment, Rotate, Sharpness, Shear,
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import copy
|
import copy
|
||||||
import random
|
import random
|
||||||
from numbers import Number
|
from numbers import Number
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
from collections.abc import Sequence
|
from collections.abc import Sequence
|
||||||
|
|
||||||
from mmcv.utils import build_from_cfg
|
from mmcv.utils import build_from_cfg
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
from collections.abc import Sequence
|
from collections.abc import Sequence
|
||||||
|
|
||||||
import mmcv
|
import mmcv
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import os.path as osp
|
import os.path as osp
|
||||||
|
|
||||||
import mmcv
|
import mmcv
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import inspect
|
import inspect
|
||||||
import math
|
import math
|
||||||
import random
|
import random
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
from .distributed_sampler import DistributedSampler
|
from .distributed_sampler import DistributedSampler
|
||||||
|
|
||||||
__all__ = ['DistributedSampler']
|
__all__ = ['DistributedSampler']
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import torch
|
import torch
|
||||||
from torch.utils.data import DistributedSampler as _DistributedSampler
|
from torch.utils.data import DistributedSampler as _DistributedSampler
|
||||||
|
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import gzip
|
import gzip
|
||||||
import hashlib
|
import hashlib
|
||||||
import os
|
import os
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import os.path as osp
|
import os.path as osp
|
||||||
import xml.etree.ElementTree as ET
|
import xml.etree.ElementTree as ET
|
||||||
|
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
from .backbones import * # noqa: F401,F403
|
from .backbones import * # noqa: F401,F403
|
||||||
from .builder import (BACKBONES, CLASSIFIERS, HEADS, LOSSES, NECKS,
|
from .builder import (BACKBONES, CLASSIFIERS, HEADS, LOSSES, NECKS,
|
||||||
build_backbone, build_classifier, build_head, build_loss,
|
build_backbone, build_classifier, build_head, build_loss,
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
from .alexnet import AlexNet
|
from .alexnet import AlexNet
|
||||||
from .lenet import LeNet5
|
from .lenet import LeNet5
|
||||||
from .mobilenet_v2 import MobileNetV2
|
from .mobilenet_v2 import MobileNetV2
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import torch.nn as nn
|
import torch.nn as nn
|
||||||
|
|
||||||
from ..builder import BACKBONES
|
from ..builder import BACKBONES
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
from abc import ABCMeta, abstractmethod
|
from abc import ABCMeta, abstractmethod
|
||||||
|
|
||||||
from mmcv.runner import BaseModule
|
from mmcv.runner import BaseModule
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import torch.nn as nn
|
import torch.nn as nn
|
||||||
|
|
||||||
from ..builder import BACKBONES
|
from ..builder import BACKBONES
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import torch.nn as nn
|
import torch.nn as nn
|
||||||
import torch.utils.checkpoint as cp
|
import torch.utils.checkpoint as cp
|
||||||
from mmcv.cnn import ConvModule
|
from mmcv.cnn import ConvModule
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
from mmcv.cnn import ConvModule
|
from mmcv.cnn import ConvModule
|
||||||
from torch.nn.modules.batchnorm import _BatchNorm
|
from torch.nn.modules.batchnorm import _BatchNorm
|
||||||
|
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import numpy as np
|
import numpy as np
|
||||||
import torch.nn as nn
|
import torch.nn as nn
|
||||||
from mmcv.cnn import build_conv_layer, build_norm_layer
|
from mmcv.cnn import build_conv_layer, build_norm_layer
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import torch
|
import torch
|
||||||
import torch.nn as nn
|
import torch.nn as nn
|
||||||
import torch.nn.functional as F
|
import torch.nn.functional as F
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import torch.nn as nn
|
import torch.nn as nn
|
||||||
import torch.utils.checkpoint as cp
|
import torch.utils.checkpoint as cp
|
||||||
from mmcv.cnn import (ConvModule, build_conv_layer, build_norm_layer,
|
from mmcv.cnn import (ConvModule, build_conv_layer, build_norm_layer,
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import torch.nn as nn
|
import torch.nn as nn
|
||||||
from mmcv.cnn import build_conv_layer, build_norm_layer
|
from mmcv.cnn import build_conv_layer, build_norm_layer
|
||||||
|
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
from mmcv.cnn import build_conv_layer, build_norm_layer
|
from mmcv.cnn import build_conv_layer, build_norm_layer
|
||||||
|
|
||||||
from ..builder import BACKBONES
|
from ..builder import BACKBONES
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import torch.utils.checkpoint as cp
|
import torch.utils.checkpoint as cp
|
||||||
|
|
||||||
from ..builder import BACKBONES
|
from ..builder import BACKBONES
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
from mmcv.cnn import build_conv_layer, build_norm_layer
|
from mmcv.cnn import build_conv_layer, build_norm_layer
|
||||||
|
|
||||||
from ..builder import BACKBONES
|
from ..builder import BACKBONES
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import torch
|
import torch
|
||||||
import torch.nn as nn
|
import torch.nn as nn
|
||||||
import torch.utils.checkpoint as cp
|
import torch.utils.checkpoint as cp
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import torch
|
import torch
|
||||||
import torch.nn as nn
|
import torch.nn as nn
|
||||||
import torch.utils.checkpoint as cp
|
import torch.utils.checkpoint as cp
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
from copy import deepcopy
|
from copy import deepcopy
|
||||||
from typing import Sequence
|
from typing import Sequence
|
||||||
|
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import math
|
import math
|
||||||
|
|
||||||
import torch
|
import torch
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import torch.nn as nn
|
import torch.nn as nn
|
||||||
from mmcv.cnn import ConvModule
|
from mmcv.cnn import ConvModule
|
||||||
from mmcv.utils.parrots_wrapper import _BatchNorm
|
from mmcv.utils.parrots_wrapper import _BatchNorm
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import torch
|
import torch
|
||||||
import torch.nn as nn
|
import torch.nn as nn
|
||||||
from mmcv.cnn import (build_activation_layer, build_conv_layer,
|
from mmcv.cnn import (build_activation_layer, build_conv_layer,
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
from mmcv.cnn import MODELS as MMCV_MODELS
|
from mmcv.cnn import MODELS as MMCV_MODELS
|
||||||
from mmcv.cnn.bricks.registry import ATTENTION as MMCV_ATTENTION
|
from mmcv.cnn.bricks.registry import ATTENTION as MMCV_ATTENTION
|
||||||
from mmcv.utils import Registry
|
from mmcv.utils import Registry
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
from .base import BaseClassifier
|
from .base import BaseClassifier
|
||||||
from .image import ImageClassifier
|
from .image import ImageClassifier
|
||||||
|
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import warnings
|
import warnings
|
||||||
from abc import ABCMeta, abstractmethod
|
from abc import ABCMeta, abstractmethod
|
||||||
from collections import OrderedDict
|
from collections import OrderedDict
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import copy
|
import copy
|
||||||
import warnings
|
import warnings
|
||||||
|
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
from .cls_head import ClsHead
|
from .cls_head import ClsHead
|
||||||
from .linear_head import LinearClsHead
|
from .linear_head import LinearClsHead
|
||||||
from .multi_label_head import MultiLabelClsHead
|
from .multi_label_head import MultiLabelClsHead
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
from abc import ABCMeta, abstractmethod
|
from abc import ABCMeta, abstractmethod
|
||||||
|
|
||||||
from mmcv.runner import BaseModule
|
from mmcv.runner import BaseModule
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import torch
|
import torch
|
||||||
import torch.nn.functional as F
|
import torch.nn.functional as F
|
||||||
|
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import torch.nn as nn
|
import torch.nn as nn
|
||||||
import torch.nn.functional as F
|
import torch.nn.functional as F
|
||||||
|
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import torch
|
import torch
|
||||||
import torch.nn.functional as F
|
import torch.nn.functional as F
|
||||||
|
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import torch.nn as nn
|
import torch.nn as nn
|
||||||
import torch.nn.functional as F
|
import torch.nn.functional as F
|
||||||
|
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
from typing import Dict, Sequence
|
from typing import Dict, Sequence
|
||||||
|
|
||||||
import torch.nn as nn
|
import torch.nn as nn
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
from collections import OrderedDict
|
from collections import OrderedDict
|
||||||
|
|
||||||
import torch.nn as nn
|
import torch.nn as nn
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
from .accuracy import Accuracy, accuracy
|
from .accuracy import Accuracy, accuracy
|
||||||
from .asymmetric_loss import AsymmetricLoss, asymmetric_loss
|
from .asymmetric_loss import AsymmetricLoss, asymmetric_loss
|
||||||
from .cross_entropy_loss import (CrossEntropyLoss, binary_cross_entropy,
|
from .cross_entropy_loss import (CrossEntropyLoss, binary_cross_entropy,
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
from numbers import Number
|
from numbers import Number
|
||||||
|
|
||||||
import numpy as np
|
import numpy as np
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import torch
|
import torch
|
||||||
import torch.nn as nn
|
import torch.nn as nn
|
||||||
|
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import torch.nn as nn
|
import torch.nn as nn
|
||||||
import torch.nn.functional as F
|
import torch.nn.functional as F
|
||||||
|
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import torch.nn as nn
|
import torch.nn as nn
|
||||||
import torch.nn.functional as F
|
import torch.nn.functional as F
|
||||||
|
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import warnings
|
import warnings
|
||||||
|
|
||||||
import torch
|
import torch
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import functools
|
import functools
|
||||||
|
|
||||||
import torch
|
import torch
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
from .gap import GlobalAveragePooling
|
from .gap import GlobalAveragePooling
|
||||||
|
|
||||||
__all__ = ['GlobalAveragePooling']
|
__all__ = ['GlobalAveragePooling']
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import torch
|
import torch
|
||||||
import torch.nn as nn
|
import torch.nn as nn
|
||||||
|
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
from .attention import ShiftWindowMSA
|
from .attention import ShiftWindowMSA
|
||||||
from .augment.augments import Augments
|
from .augment.augments import Augments
|
||||||
from .channel_shuffle import channel_shuffle
|
from .channel_shuffle import channel_shuffle
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import torch
|
import torch
|
||||||
import torch.nn as nn
|
import torch.nn as nn
|
||||||
import torch.nn.functional as F
|
import torch.nn.functional as F
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
from .augments import Augments
|
from .augments import Augments
|
||||||
from .cutmix import BatchCutMixLayer
|
from .cutmix import BatchCutMixLayer
|
||||||
from .identity import Identity
|
from .identity import Identity
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import random
|
import random
|
||||||
|
|
||||||
import numpy as np
|
import numpy as np
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
from mmcv.utils import Registry, build_from_cfg
|
from mmcv.utils import Registry, build_from_cfg
|
||||||
|
|
||||||
AUGMENT = Registry('augment')
|
AUGMENT = Registry('augment')
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
from abc import ABCMeta, abstractmethod
|
from abc import ABCMeta, abstractmethod
|
||||||
|
|
||||||
import numpy as np
|
import numpy as np
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import torch.nn.functional as F
|
import torch.nn.functional as F
|
||||||
|
|
||||||
from .builder import AUGMENT
|
from .builder import AUGMENT
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
from abc import ABCMeta, abstractmethod
|
from abc import ABCMeta, abstractmethod
|
||||||
|
|
||||||
import numpy as np
|
import numpy as np
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import torch
|
import torch
|
||||||
|
|
||||||
|
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import torch
|
import torch
|
||||||
import torch.nn as nn
|
import torch.nn as nn
|
||||||
from mmcv.cnn import build_conv_layer, build_norm_layer
|
from mmcv.cnn import build_conv_layer, build_norm_layer
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import collections.abc
|
import collections.abc
|
||||||
import warnings
|
import warnings
|
||||||
from distutils.version import LooseVersion
|
from distutils.version import LooseVersion
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import torch.utils.checkpoint as cp
|
import torch.utils.checkpoint as cp
|
||||||
from mmcv.cnn import ConvModule
|
from mmcv.cnn import ConvModule
|
||||||
from mmcv.runner import BaseModule
|
from mmcv.runner import BaseModule
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
def make_divisible(value, divisor, min_value=None, min_ratio=0.9):
|
def make_divisible(value, divisor, min_value=None, min_ratio=0.9):
|
||||||
"""Make divisible function.
|
"""Make divisible function.
|
||||||
|
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import mmcv
|
import mmcv
|
||||||
import torch.nn as nn
|
import torch.nn as nn
|
||||||
from mmcv.cnn import ConvModule
|
from mmcv.cnn import ConvModule
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
from .collect_env import collect_env
|
from .collect_env import collect_env
|
||||||
from .logger import get_root_logger
|
from .logger import get_root_logger
|
||||||
|
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
from mmcv.utils import collect_env as collect_base_env
|
from mmcv.utils import collect_env as collect_base_env
|
||||||
from mmcv.utils import get_git_hash
|
from mmcv.utils import get_git_hash
|
||||||
|
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import logging
|
import logging
|
||||||
|
|
||||||
from mmcv.utils import get_logger
|
from mmcv.utils import get_logger
|
||||||
|
|
|
@ -1,4 +1,4 @@
|
||||||
# Copyright (c) Open-MMLab. All rights reserved.
|
# Copyright (c) OpenMMLab. All rights reserved
|
||||||
|
|
||||||
__version__ = '0.14.0'
|
__version__ = '0.14.0'
|
||||||
|
|
||||||
|
|
|
@ -1,3 +1,4 @@
|
||||||
|
# Copyright (c) OpenMMLab. All rights reserved.
|
||||||
import tempfile
|
import tempfile
|
||||||
from unittest.mock import MagicMock, patch
|
from unittest.mock import MagicMock, patch
|
||||||
|
|
||||||
|
|
Some files were not shown because too many files have changed in this diff Show More
Loading…
Reference in New Issue