Skip to content

Commit

Permalink
[Docs] add copyright (open-mmlab#1099)
Browse files Browse the repository at this point in the history
  • Loading branch information
kennymckormick authored Aug 17, 2021
1 parent c9090c3 commit a067e27
Show file tree
Hide file tree
Showing 261 changed files with 261 additions and 0 deletions.
1 change: 1 addition & 0 deletions demo/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
import os.path as osp
Expand Down
1 change: 1 addition & 0 deletions demo/demo_gradcam.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
import os.path as osp
Expand Down
1 change: 1 addition & 0 deletions demo/demo_posec3d.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
import os.path as osp
Expand Down
1 change: 1 addition & 0 deletions demo/demo_spatiotemporal_det.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import argparse
import copy as cp
import os
Expand Down
1 change: 1 addition & 0 deletions demo/long_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 json
import random
Expand Down
1 change: 1 addition & 0 deletions demo/webcam_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 time
from collections import deque
Expand Down
1 change: 1 addition & 0 deletions demo/webcam_demo_spatiotemporal_det.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
"""Webcam Spatio-Temporal Action Detection Demo.
Some codes are based on https://github.com/facebookresearch/SlowFast
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 mmaction/__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 mmcv import digit_version

Expand Down
1 change: 1 addition & 0 deletions mmaction/apis/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .inference import inference_recognizer, init_recognizer
from .test import multi_gpu_test, single_gpu_test
from .train import train_model
Expand Down
1 change: 1 addition & 0 deletions mmaction/apis/inference.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 re
Expand Down
1 change: 1 addition & 0 deletions mmaction/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 mmaction/apis/train.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import copy as cp
import os.path as osp

Expand Down
1 change: 1 addition & 0 deletions mmaction/core/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .bbox import * # noqa: F401, F403
from .evaluation import * # noqa: F401, F403
from .hooks import * # noqa: F401, F403
Expand Down
1 change: 1 addition & 0 deletions mmaction/core/bbox/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .assigners import MaxIoUAssignerAVA
from .bbox_target import bbox_target
from .transforms import bbox2result
Expand Down
1 change: 1 addition & 0 deletions mmaction/core/bbox/assigners/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .max_iou_assigner_ava import MaxIoUAssignerAVA

__all__ = ['MaxIoUAssignerAVA']
1 change: 1 addition & 0 deletions mmaction/core/bbox/assigners/max_iou_assigner_ava.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import torch

from mmaction.utils import import_module_error_class
Expand Down
1 change: 1 addition & 0 deletions mmaction/core/bbox/bbox_target.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.functional as F

Expand Down
1 change: 1 addition & 0 deletions mmaction/core/bbox/transforms.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


Expand Down
1 change: 1 addition & 0 deletions mmaction/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 .accuracy import (average_precision_at_temporal_iou,
average_recall_at_avg_proposals, confusion_matrix,
get_weighted_score, interpolated_precision_recall,
Expand Down
1 change: 1 addition & 0 deletions mmaction/core/evaluation/accuracy.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


Expand Down
1 change: 1 addition & 0 deletions mmaction/core/evaluation/ava_evaluation/__init__.py
Original file line number Diff line number Diff line change
@@ -0,0 +1 @@
# Copyright (c) OpenMMLab. All rights reserved.
1 change: 1 addition & 0 deletions mmaction/core/evaluation/ava_utils.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import csv
import logging
import time
Expand Down
1 change: 1 addition & 0 deletions mmaction/core/evaluation/eval_detection.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import json

import numpy as np
Expand Down
1 change: 1 addition & 0 deletions mmaction/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
import os.path as osp
import warnings
Expand Down
1 change: 1 addition & 0 deletions mmaction/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 .output import OutputHook

__all__ = ['OutputHook']
1 change: 1 addition & 0 deletions mmaction/core/hooks/output.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import functools
import warnings

Expand Down
1 change: 1 addition & 0 deletions mmaction/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 .copy_of_sgd import CopyOfSGD
from .tsm_optimizer_constructor import TSMOptimizerConstructor

Expand Down
1 change: 1 addition & 0 deletions mmaction/core/optimizer/copy_of_sgd.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 OPTIMIZERS
from torch.optim import SGD

Expand Down
1 change: 1 addition & 0 deletions mmaction/core/optimizer/tsm_optimizer_constructor.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.runner import OPTIMIZER_BUILDERS, DefaultOptimizerConstructor
from mmcv.utils import SyncBatchNorm, _BatchNorm, _ConvNd
Expand Down
1 change: 1 addition & 0 deletions mmaction/core/runner/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .omnisource_runner import OmniSourceDistSamplerSeedHook, OmniSourceRunner

__all__ = ['OmniSourceRunner', 'OmniSourceDistSamplerSeedHook']
1 change: 1 addition & 0 deletions mmaction/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 TINLrUpdaterHook

__all__ = ['TINLrUpdaterHook']
1 change: 1 addition & 0 deletions mmaction/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
from mmcv.runner.hooks.lr_updater import annealing_cos

Expand Down
1 change: 1 addition & 0 deletions mmaction/datasets/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .activitynet_dataset import ActivityNetDataset
from .audio_dataset import AudioDataset
from .audio_feature_dataset import AudioFeatureDataset
Expand Down
1 change: 1 addition & 0 deletions mmaction/datasets/activitynet_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
import os.path as osp
Expand Down
1 change: 1 addition & 0 deletions mmaction/datasets/audio_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 torch
Expand Down
1 change: 1 addition & 0 deletions mmaction/datasets/audio_feature_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 torch
Expand Down
1 change: 1 addition & 0 deletions mmaction/datasets/audio_visual_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 .builder import DATASETS
Expand Down
1 change: 1 addition & 0 deletions mmaction/datasets/ava_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
import os.path as osp
Expand Down
1 change: 1 addition & 0 deletions mmaction/datasets/base.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
import warnings
Expand Down
1 change: 1 addition & 0 deletions mmaction/datasets/blending_utils.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from abc import ABCMeta, abstractmethod

import torch
Expand Down
1 change: 1 addition & 0 deletions mmaction/datasets/builder.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import platform
import random
from functools import partial
Expand Down
1 change: 1 addition & 0 deletions mmaction/datasets/dataset_wrappers.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

from .builder import DATASETS, build_dataset
Expand Down
1 change: 1 addition & 0 deletions mmaction/datasets/hvu_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 OrderedDict
Expand Down
1 change: 1 addition & 0 deletions mmaction/datasets/image_dataset.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .builder import DATASETS
from .video_dataset import VideoDataset

Expand Down
1 change: 1 addition & 0 deletions mmaction/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 .augmentations import (AudioAmplify, CenterCrop, ColorJitter, Flip, Fuse,
Imgaug, MelSpectrogram, MultiGroupCrop,
MultiScaleCrop, Normalize, PytorchVideoTrans,
Expand Down
1 change: 1 addition & 0 deletions mmaction/datasets/pipelines/augmentations.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import random
import warnings
from collections.abc import Sequence
Expand Down
1 change: 1 addition & 0 deletions mmaction/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 mmaction/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 mmaction/datasets/pipelines/loading.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import copy as cp
import io
import os
Expand Down
1 change: 1 addition & 0 deletions mmaction/datasets/pipelines/pose_loading.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import copy as cp
import pickle

Expand Down
1 change: 1 addition & 0 deletions mmaction/datasets/pose_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 mmaction/datasets/rawframe_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

Expand Down
1 change: 1 addition & 0 deletions mmaction/datasets/rawvideo_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
import random
Expand Down
1 change: 1 addition & 0 deletions mmaction/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 (ClassSpecificDistributedSampler,
DistributedSampler)

Expand Down
1 change: 1 addition & 0 deletions mmaction/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.
import math
from collections import defaultdict

Expand Down
1 change: 1 addition & 0 deletions mmaction/datasets/ssn_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
import warnings
Expand Down
1 change: 1 addition & 0 deletions mmaction/datasets/video_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 import BaseDataset
Expand Down
1 change: 1 addition & 0 deletions mmaction/localization/__init__.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from .bsn_utils import generate_bsp_feature, generate_candidate_proposals
from .proposal_utils import soft_nms, temporal_iop, temporal_iou
from .ssn_utils import (eval_ap, load_localize_proposal_file,
Expand Down
1 change: 1 addition & 0 deletions mmaction/localization/bsn_utils.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 mmaction/localization/proposal_utils.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


Expand Down
1 change: 1 addition & 0 deletions mmaction/localization/ssn_utils.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from itertools import groupby

import numpy as np
Expand Down
1 change: 1 addition & 0 deletions mmaction/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 (C3D, X3D, MobileNetV2, MobileNetV2TSM, ResNet,
ResNet2Plus1d, ResNet3d, ResNet3dCSN, ResNet3dLayer,
ResNet3dSlowFast, ResNet3dSlowOnly, ResNetAudio,
Expand Down
1 change: 1 addition & 0 deletions mmaction/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 .c3d import C3D
from .mobilenet_v2 import MobileNetV2
from .mobilenet_v2_tsm import MobileNetV2TSM
Expand Down
1 change: 1 addition & 0 deletions mmaction/models/backbones/c3d.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import torch.nn as nn
from mmcv.cnn import ConvModule, constant_init, kaiming_init, normal_init
from mmcv.runner import load_checkpoint
Expand Down
1 change: 1 addition & 0 deletions mmaction/models/backbones/mobilenet_v2.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import torch.nn as nn
import torch.utils.checkpoint as cp
from mmcv.cnn import ConvModule, constant_init, kaiming_init
Expand Down
1 change: 1 addition & 0 deletions mmaction/models/backbones/mobilenet_v2_tsm.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from ..builder import BACKBONES
from .mobilenet_v2 import InvertedResidual, MobileNetV2
from .resnet_tsm import TemporalShift
Expand Down
1 change: 1 addition & 0 deletions mmaction/models/backbones/resnet.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import torch.nn as nn
from mmcv.cnn import ConvModule, constant_init, kaiming_init
from mmcv.runner import _load_checkpoint, load_checkpoint
Expand Down
1 change: 1 addition & 0 deletions mmaction/models/backbones/resnet2plus1d.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from ..builder import BACKBONES
from .resnet3d import ResNet3d

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

import torch.nn as nn
Expand Down
1 change: 1 addition & 0 deletions mmaction/models/backbones/resnet3d_csn.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import torch.nn as nn
from mmcv.cnn import ConvModule
from mmcv.utils import _BatchNorm
Expand Down
1 change: 1 addition & 0 deletions mmaction/models/backbones/resnet3d_slowfast.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import warnings

import torch
Expand Down
1 change: 1 addition & 0 deletions mmaction/models/backbones/resnet3d_slowonly.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from ..builder import BACKBONES
from .resnet3d_slowfast import ResNet3dPathway

Expand Down
1 change: 1 addition & 0 deletions mmaction/models/backbones/resnet_audio.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
import torch.nn as nn
import torch.utils.checkpoint as cp
from mmcv.cnn import ConvModule, constant_init, kaiming_init
Expand Down
1 change: 1 addition & 0 deletions mmaction/models/backbones/resnet_tin.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

Expand Down
1 change: 1 addition & 0 deletions mmaction/models/backbones/resnet_tsm.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.cnn import NonLocal3d
Expand Down
1 change: 1 addition & 0 deletions mmaction/models/backbones/tanet.py
Original file line number Diff line number Diff line change
@@ -1,3 +1,4 @@
# Copyright (c) OpenMMLab. All rights reserved.
from copy import deepcopy

import torch.nn as nn
Expand Down
Loading

0 comments on commit a067e27

Please sign in to comment.