Skip to content

Commit

Permalink
[Docs] Add license header (#496)
Browse files Browse the repository at this point in the history
* Add license header

* Add license header

* tiny

Signed-off-by: lizz <[email protected]>

Co-authored-by: lizz <[email protected]>
  • Loading branch information
ckkelvinchan and innerlee authored Aug 19, 2021
1 parent 030a76b commit 23213c8
Show file tree
Hide file tree
Showing 294 changed files with 294 additions and 0 deletions.
1 change: 1 addition & 0 deletions demo/generation_demo.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import argparse

import mmcv
Expand Down
1 change: 1 addition & 0 deletions demo/inpainting_demo.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import argparse

import mmcv
Expand Down
1 change: 1 addition & 0 deletions demo/matting_demo.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import argparse

import mmcv
Expand Down
1 change: 1 addition & 0 deletions demo/restoration_demo.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import argparse
import os

Expand Down
1 change: 1 addition & 0 deletions demo/restoration_video_demo.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import argparse

import mmcv
Expand Down
1 change: 1 addition & 0 deletions docs/conf.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
# Configuration file for the Sphinx documentation builder.
#
# This file only contains a selection of the most common options. For a full
Expand Down
1 change: 1 addition & 0 deletions docs/stat.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
#!/usr/bin/env python
# Copyright (c) OpenMMLab. All rights reserved.
import functools as func
import glob
import re
Expand Down
1 change: 1 addition & 0 deletions docs_zh-CN/conf.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
# Configuration file for the Sphinx documentation builder.
#
# This file only contains a selection of the most common options. For a full
Expand Down
1 change: 1 addition & 0 deletions docs_zh-CN/stat.py
Original file line number Diff line number Diff line change
@@ -1,4 +1,5 @@
#!/usr/bin/env python
# Copyright (c) OpenMMLab. All rights reserved.
import functools as func
import glob
import re
Expand Down
1 change: 1 addition & 0 deletions mmedit/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import mmcv

from .version import __version__, version_info
Expand Down
1 change: 1 addition & 0 deletions mmedit/apis/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .generation_inference import generation_inference
from .inpainting_inference import inpainting_inference
from .matting_inference import init_model, matting_inference
Expand Down
1 change: 1 addition & 0 deletions mmedit/apis/generation_inference.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import numpy as np
import torch
from mmcv.parallel import collate, scatter
Expand Down
1 change: 1 addition & 0 deletions mmedit/apis/inpainting_inference.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import torch
from mmcv.parallel import collate, scatter

Expand Down
1 change: 1 addition & 0 deletions mmedit/apis/matting_inference.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import mmcv
import torch
from mmcv.parallel import collate, scatter
Expand Down
1 change: 1 addition & 0 deletions mmedit/apis/restoration_inference.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import torch
from mmcv.parallel import collate, scatter

Expand Down
1 change: 1 addition & 0 deletions mmedit/apis/restoration_video_inference.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import glob

import torch
Expand Down
1 change: 1 addition & 0 deletions mmedit/apis/test.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import os.path as osp
import pickle
import shutil
Expand Down
1 change: 1 addition & 0 deletions mmedit/apis/train.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import os
import os.path as osp
import random
Expand Down
1 change: 1 addition & 0 deletions mmedit/core/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .evaluation import (DistEvalIterHook, EvalIterHook, L1Evaluation, mse,
psnr, reorder_image, sad, ssim)
from .hooks import VisualizationHook
Expand Down
1 change: 1 addition & 0 deletions mmedit/core/distributed_wrapper.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import torch
import torch.nn as nn
from mmcv.parallel import MODULE_WRAPPERS, MMDistributedDataParallel
Expand Down
1 change: 1 addition & 0 deletions mmedit/core/evaluation/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .eval_hooks import DistEvalIterHook, EvalIterHook
from .metrics import (L1Evaluation, connectivity, gradient_error, mse, niqe,
psnr, reorder_image, sad, ssim)
Expand Down
1 change: 1 addition & 0 deletions mmedit/core/evaluation/eval_hooks.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import os.path as osp

from mmcv.runner import Hook
Expand Down
1 change: 1 addition & 0 deletions mmedit/core/evaluation/metric_utils.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import cv2
import numpy as np

Expand Down
1 change: 1 addition & 0 deletions mmedit/core/evaluation/metrics.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import math

import cv2
Expand Down
1 change: 1 addition & 0 deletions mmedit/core/export/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .wrappers import ONNXRuntimeEditing

__all__ = ['ONNXRuntimeEditing']
1 change: 1 addition & 0 deletions mmedit/core/export/wrappers.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import os.path as osp
import warnings

Expand Down
1 change: 1 addition & 0 deletions mmedit/core/hooks/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .visualization import VisualizationHook

__all__ = ['VisualizationHook']
1 change: 1 addition & 0 deletions mmedit/core/hooks/visualization.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import os.path as osp

import mmcv
Expand Down
1 change: 1 addition & 0 deletions mmedit/core/mask.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import math

import cv2
Expand Down
1 change: 1 addition & 0 deletions mmedit/core/misc.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import math

import numpy as np
Expand Down
1 change: 1 addition & 0 deletions mmedit/core/optimizer/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .builder import build_optimizers

__all__ = ['build_optimizers']
1 change: 1 addition & 0 deletions mmedit/core/optimizer/builder.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from mmcv.runner import build_optimizer


Expand Down
1 change: 1 addition & 0 deletions mmedit/core/scheduler/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .lr_updater import LinearLrUpdaterHook

__all__ = ['LinearLrUpdaterHook']
1 change: 1 addition & 0 deletions mmedit/core/scheduler/lr_updater.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from mmcv.runner import HOOKS, LrUpdaterHook


Expand Down
1 change: 1 addition & 0 deletions mmedit/datasets/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .base_dataset import BaseDataset
from .base_generation_dataset import BaseGenerationDataset
from .base_matting_dataset import BaseMattingDataset
Expand Down
1 change: 1 addition & 0 deletions mmedit/datasets/base_dataset.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import copy
from abc import ABCMeta, abstractmethod

Expand Down
1 change: 1 addition & 0 deletions mmedit/datasets/base_generation_dataset.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import os.path as osp
from pathlib import Path

Expand Down
1 change: 1 addition & 0 deletions mmedit/datasets/base_matting_dataset.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from collections import defaultdict

from .base_dataset import BaseDataset
Expand Down
1 change: 1 addition & 0 deletions mmedit/datasets/base_sr_dataset.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import copy
import os.path as osp
from collections import defaultdict
Expand Down
1 change: 1 addition & 0 deletions mmedit/datasets/builder.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import copy
import platform
import random
Expand Down
1 change: 1 addition & 0 deletions mmedit/datasets/comp1k_dataset.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import os.path as osp

import mmcv
Expand Down
1 change: 1 addition & 0 deletions mmedit/datasets/dataset_wrappers.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .registry import DATASETS


Expand Down
1 change: 1 addition & 0 deletions mmedit/datasets/generation_paired_dataset.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import os.path as osp

from .base_generation_dataset import BaseGenerationDataset
Expand Down
1 change: 1 addition & 0 deletions mmedit/datasets/generation_unpaired_dataset.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import os.path as osp

import numpy as np
Expand Down
1 change: 1 addition & 0 deletions mmedit/datasets/img_inpainting_dataset.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from pathlib import Path

from .base_dataset import BaseDataset
Expand Down
1 change: 1 addition & 0 deletions mmedit/datasets/pipelines/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .augmentation import (BinarizeImage, Flip, GenerateFrameIndices,
GenerateFrameIndiceswithPadding,
GenerateSegmentIndices, MirrorSequence, Pad,
Expand Down
1 change: 1 addition & 0 deletions mmedit/datasets/pipelines/augmentation.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import math
import numbers
import os.path as osp
Expand Down
1 change: 1 addition & 0 deletions mmedit/datasets/pipelines/compose.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from collections.abc import Sequence

from mmcv.utils import build_from_cfg
Expand Down
1 change: 1 addition & 0 deletions mmedit/datasets/pipelines/crop.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import mmcv
import numpy as np
from torch.nn.modules.utils import _pair
Expand Down
1 change: 1 addition & 0 deletions mmedit/datasets/pipelines/formating.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from collections.abc import Sequence

import mmcv
Expand Down
1 change: 1 addition & 0 deletions mmedit/datasets/pipelines/generate_assistant.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import numpy as np
import torch

Expand Down
1 change: 1 addition & 0 deletions mmedit/datasets/pipelines/loading.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from pathlib import Path

import mmcv
Expand Down
1 change: 1 addition & 0 deletions mmedit/datasets/pipelines/matting_aug.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import os.path as osp
import random

Expand Down
1 change: 1 addition & 0 deletions mmedit/datasets/pipelines/normalization.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import mmcv
import numpy as np

Expand Down
1 change: 1 addition & 0 deletions mmedit/datasets/pipelines/random_down_sampling.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import math

import numpy as np
Expand Down
1 change: 1 addition & 0 deletions mmedit/datasets/pipelines/utils.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import logging

import numpy as np
Expand Down
1 change: 1 addition & 0 deletions mmedit/datasets/registry.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from mmcv.utils import Registry

DATASETS = Registry('dataset')
Expand Down
1 change: 1 addition & 0 deletions mmedit/datasets/samplers/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .distributed_sampler import DistributedSampler

__all__ = ['DistributedSampler']
1 change: 1 addition & 0 deletions mmedit/datasets/samplers/distributed_sampler.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from __future__ import division
import math

Expand Down
1 change: 1 addition & 0 deletions mmedit/datasets/sr_annotation_dataset.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import os.path as osp

from .base_sr_dataset import BaseSRDataset
Expand Down
1 change: 1 addition & 0 deletions mmedit/datasets/sr_facial_landmark_dataset.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import os.path as osp

import numpy as np
Expand Down
1 change: 1 addition & 0 deletions mmedit/datasets/sr_folder_dataset.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import os.path as osp

from .base_sr_dataset import BaseSRDataset
Expand Down
1 change: 1 addition & 0 deletions mmedit/datasets/sr_folder_gt_dataset.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .base_sr_dataset import BaseSRDataset
from .registry import DATASETS

Expand Down
1 change: 1 addition & 0 deletions mmedit/datasets/sr_folder_multiple_gt_dataset.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import glob
import os.path as osp

Expand Down
1 change: 1 addition & 0 deletions mmedit/datasets/sr_folder_ref_dataset.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import os.path as osp

from .base_sr_dataset import BaseSRDataset
Expand Down
1 change: 1 addition & 0 deletions mmedit/datasets/sr_folder_video_dataset.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import glob
import os.path as osp
from collections import defaultdict
Expand Down
1 change: 1 addition & 0 deletions mmedit/datasets/sr_lmdb_dataset.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import os.path as osp

from .base_sr_dataset import BaseSRDataset
Expand Down
1 change: 1 addition & 0 deletions mmedit/datasets/sr_reds_dataset.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .base_sr_dataset import BaseSRDataset
from .registry import DATASETS

Expand Down
1 change: 1 addition & 0 deletions mmedit/datasets/sr_reds_multiple_gt_dataset.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .base_sr_dataset import BaseSRDataset
from .registry import DATASETS

Expand Down
1 change: 1 addition & 0 deletions mmedit/datasets/sr_test_multiple_gt_dataset.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import glob
import os.path as osp
import warnings
Expand Down
1 change: 1 addition & 0 deletions mmedit/datasets/sr_vid4_dataset.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from collections import defaultdict

import numpy as np
Expand Down
1 change: 1 addition & 0 deletions mmedit/datasets/sr_vimeo90k_dataset.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import os.path as osp

from .base_sr_dataset import BaseSRDataset
Expand Down
1 change: 1 addition & 0 deletions mmedit/datasets/sr_vimeo90k_multiple_gt_dataset.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import os.path as osp

from .base_sr_dataset import BaseSRDataset
Expand Down
1 change: 1 addition & 0 deletions mmedit/models/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .backbones import * # noqa: F401, F403
from .base import BaseModel
from .builder import (build, build_backbone, build_component, build_loss,
Expand Down
1 change: 1 addition & 0 deletions mmedit/models/backbones/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .encoder_decoders import (VGG16, ContextualAttentionNeck, DeepFillDecoder,
DeepFillEncoder, DeepFillEncoderDecoder,
DepthwiseIndexBlock, FBADecoder,
Expand Down
1 change: 1 addition & 0 deletions mmedit/models/backbones/encoder_decoders/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .decoders import (DeepFillDecoder, FBADecoder, GLDecoder, IndexedUpsample,
IndexNetDecoder, PConvDecoder, PlainDecoder,
ResGCADecoder, ResNetDec, ResShortcutDec)
Expand Down
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .deepfill_decoder import DeepFillDecoder
from .fba_decoder import FBADecoder
from .gl_decoder import GLDecoder
Expand Down
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import copy
from functools import partial

Expand Down
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import torch
import torch.nn as nn
from mmcv.cnn import ConvModule, constant_init, kaiming_init
Expand Down
Loading

0 comments on commit 23213c8

Please sign in to comment.