Skip to content

Commit

Permalink
chore(LICENSE): update time (#1157)
Browse files Browse the repository at this point in the history
  • Loading branch information
FateScript committed Mar 4, 2022
1 parent de06499 commit ac379df
Show file tree
Hide file tree
Showing 37 changed files with 39 additions and 39 deletions.
2 changes: 1 addition & 1 deletion LICENSE
Original file line number Diff line number Diff line change
Expand Up @@ -186,7 +186,7 @@
same "printed page" as the copyright notice for easier
identification within third-party archives.

Copyright 2021 Megvii, Base Detection
Copyright (c) 2021-2022 Megvii Inc. All rights reserved.

Licensed under the Apache License, Version 2.0 (the "License");
you may not use this file except in compliance with the License.
Expand Down
2 changes: 1 addition & 1 deletion demo/MegEngine/python/models/__init__.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
#!/usr/bin/env python3
# -*- coding:utf-8 -*-
# Copyright (c) 2014-2021 Megvii Inc. All rights reserved.
# Copyright (c) Megvii Inc. All rights reserved.

from .darknet import CSPDarknet, Darknet
from .yolo_fpn import YOLOFPN
Expand Down
2 changes: 1 addition & 1 deletion demo/MegEngine/python/models/darknet.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
#!/usr/bin/env python3
# -*- encoding: utf-8 -*-
# Copyright (c) 2014-2021 Megvii Inc. All rights reserved.
# Copyright (c) Megvii Inc. All rights reserved.

import megengine.module as M

Expand Down
2 changes: 1 addition & 1 deletion demo/MegEngine/python/models/network_blocks.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
#!/usr/bin/env python3
# -*- encoding: utf-8 -*-
# Copyright (c) 2014-2021 Megvii Inc. All rights reserved.
# Copyright (c) Megvii Inc. All rights reserved.

import megengine.functional as F
import megengine.module as M
Expand Down
2 changes: 1 addition & 1 deletion demo/MegEngine/python/models/yolo_fpn.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
#!/usr/bin/env python3
# -*- encoding: utf-8 -*-
# Copyright (c) 2014-2021 Megvii Inc. All rights reserved.
# Copyright (c) Megvii Inc. All rights reserved.

import megengine.functional as F
import megengine.module as M
Expand Down
2 changes: 1 addition & 1 deletion demo/MegEngine/python/models/yolo_head.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
#!/usr/bin/env python3
# -*- coding:utf-8 -*-
# Copyright (c) 2014-2021 Megvii Inc. All rights reserved.
# Copyright (c) Megvii Inc. All rights reserved.

import megengine.functional as F
import megengine.module as M
Expand Down
2 changes: 1 addition & 1 deletion demo/MegEngine/python/models/yolo_pafpn.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
#!/usr/bin/env python3
# -*- encoding: utf-8 -*-
# Copyright (c) 2014-2021 Megvii Inc. All rights reserved.
# Copyright (c) Megvii Inc. All rights reserved.

import megengine.module as M
import megengine.functional as F
Expand Down
2 changes: 1 addition & 1 deletion demo/MegEngine/python/models/yolox.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
#!/usr/bin/env python3
# -*- encoding: utf-8 -*-
# Copyright (c) 2014-2021 Megvii Inc. All rights reserved.
# Copyright (c) Megvii Inc. All rights reserved.

import megengine.module as M

Expand Down
2 changes: 1 addition & 1 deletion yolox/exp/__init__.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
#!/usr/bin/env python3
# -*- coding:utf-8 -*-
# Copyright (c) 2014-2021 Megvii Inc. All rights reserved.
# Copyright (c) Megvii Inc. All rights reserved.

from .base_exp import BaseExp
from .build import get_exp
Expand Down
2 changes: 1 addition & 1 deletion yolox/exp/base_exp.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
#!/usr/bin/env python3
# -*- coding:utf-8 -*-
# Copyright (c) 2014-2021 Megvii Inc. All rights reserved.
# Copyright (c) Megvii Inc. All rights reserved.

import ast
import pprint
Expand Down
2 changes: 1 addition & 1 deletion yolox/exp/build.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
#!/usr/bin/env python3
# -*- coding:utf-8 -*-
# Copyright (c) 2014-2021 Megvii Inc. All rights reserved.
# Copyright (c) Megvii Inc. All rights reserved.

import importlib
import os
Expand Down
2 changes: 1 addition & 1 deletion yolox/exp/default/__init__.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
#!/usr/bin/env python3
# -*- coding:utf-8 -*-
# Copyright (c) 2014-2021 Megvii Inc. All rights reserved.
# Copyright (c) Megvii Inc. All rights reserved.

# This file is used for package installation and find default exp file

Expand Down
2 changes: 1 addition & 1 deletion yolox/exp/yolox_base.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
#!/usr/bin/env python3
# -*- coding:utf-8 -*-
# Copyright (c) 2014-2021 Megvii Inc. All rights reserved.
# Copyright (c) Megvii Inc. All rights reserved.

import os
import random
Expand Down
2 changes: 1 addition & 1 deletion yolox/layers/__init__.py
Original file line number Diff line number Diff line change
@@ -1,5 +1,5 @@
#!/usr/bin/env python3
# -*- coding:utf-8 -*-
# Copyright (c) 2014-2021 Megvii Inc. All rights reserved.
# Copyright (c) Megvii Inc. All rights reserved.

from .fast_coco_eval_api import COCOeval_opt
2 changes: 1 addition & 1 deletion yolox/layers/fast_coco_eval_api.py
Original file line number Diff line number Diff line change
Expand Up @@ -3,7 +3,7 @@
# This file comes from
# https://github.com/facebookresearch/detectron2/blob/master/detectron2/evaluation/fast_eval_api.py
# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved
# Copyright (c) 2014-2021 Megvii Inc. All rights reserved.
# Copyright (c) Megvii Inc. All rights reserved.

import copy
import time
Expand Down
2 changes: 1 addition & 1 deletion yolox/models/__init__.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
#!/usr/bin/env python3
# -*- coding:utf-8 -*-
# Copyright (c) 2014-2021 Megvii Inc. All rights reserved.
# Copyright (c) Megvii Inc. All rights reserved.

from .darknet import CSPDarknet, Darknet
from .losses import IOUloss
Expand Down
2 changes: 1 addition & 1 deletion yolox/models/darknet.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
#!/usr/bin/env python
# -*- encoding: utf-8 -*-
# Copyright (c) 2014-2021 Megvii Inc. All rights reserved.
# Copyright (c) Megvii Inc. All rights reserved.

from torch import nn

Expand Down
2 changes: 1 addition & 1 deletion yolox/models/losses.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
#!/usr/bin/env python
# -*- encoding: utf-8 -*-
# Copyright (c) 2014-2021 Megvii Inc. All rights reserved.
# Copyright (c) Megvii Inc. All rights reserved.

import torch
import torch.nn as nn
Expand Down
2 changes: 1 addition & 1 deletion yolox/models/network_blocks.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
#!/usr/bin/env python
# -*- encoding: utf-8 -*-
# Copyright (c) 2014-2021 Megvii Inc. All rights reserved.
# Copyright (c) Megvii Inc. All rights reserved.

import torch
import torch.nn as nn
Expand Down
2 changes: 1 addition & 1 deletion yolox/models/yolo_fpn.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
#!/usr/bin/env python
# -*- encoding: utf-8 -*-
# Copyright (c) 2014-2021 Megvii Inc. All rights reserved.
# Copyright (c) Megvii Inc. All rights reserved.

import torch
import torch.nn as nn
Expand Down
6 changes: 3 additions & 3 deletions yolox/models/yolo_head.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
#!/usr/bin/env python3
# -*- coding:utf-8 -*-
# Copyright (c) 2014-2021 Megvii Inc. All rights reserved.
# Copyright (c) Megvii Inc. All rights reserved.

import math
from loguru import logger
Expand Down Expand Up @@ -220,7 +220,7 @@ def get_output_and_grid(self, output, k, stride, dtype):
n_ch = 5 + self.num_classes
hsize, wsize = output.shape[-2:]
if grid.shape[2:4] != output.shape[2:4]:
yv, xv = torch.meshgrid([torch.arange(hsize), torch.arange(wsize)])
yv, xv = torch.meshgrid([torch.arange(hsize), torch.arange(wsize)], indexing="ij")
grid = torch.stack((xv, yv), 2).view(1, 1, hsize, wsize, 2).type(dtype)
self.grids[k] = grid

Expand All @@ -237,7 +237,7 @@ def decode_outputs(self, outputs, dtype):
grids = []
strides = []
for (hsize, wsize), stride in zip(self.hw, self.strides):
yv, xv = torch.meshgrid([torch.arange(hsize), torch.arange(wsize)])
yv, xv = torch.meshgrid([torch.arange(hsize), torch.arange(wsize)], indexing="ij")
grid = torch.stack((xv, yv), 2).view(1, -1, 2)
grids.append(grid)
shape = grid.shape[:2]
Expand Down
2 changes: 1 addition & 1 deletion yolox/models/yolo_pafpn.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
#!/usr/bin/env python
# -*- encoding: utf-8 -*-
# Copyright (c) 2014-2021 Megvii Inc. All rights reserved.
# Copyright (c) Megvii Inc. All rights reserved.

import torch
import torch.nn as nn
Expand Down
2 changes: 1 addition & 1 deletion yolox/models/yolox.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
#!/usr/bin/env python
# -*- encoding: utf-8 -*-
# Copyright (c) 2014-2021 Megvii Inc. All rights reserved.
# Copyright (c) Megvii Inc. All rights reserved.

import torch.nn as nn

Expand Down
2 changes: 1 addition & 1 deletion yolox/tools/__init__.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
#!/usr/bin/env python3
# -*- coding:utf-8 -*-
# Copyright (c) 2014-2021 Megvii Inc. All rights reserved.
# Copyright (c) Megvii Inc. All rights reserved.

# This file is used for package installation. Script of train/eval/export will be available.

Expand Down
2 changes: 1 addition & 1 deletion yolox/utils/__init__.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
#!/usr/bin/env python3
# -*- coding:utf-8 -*-
# Copyright (c) 2014-2021 Megvii Inc. All rights reserved.
# Copyright (c) Megvii Inc. All rights reserved.

from .allreduce_norm import *
from .boxes import *
Expand Down
2 changes: 1 addition & 1 deletion yolox/utils/allreduce_norm.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
#!/usr/bin/env python3
# -*- coding:utf-8 -*-
# Copyright (c) 2014-2021 Megvii Inc. All rights reserved.
# Copyright (c) Megvii Inc. All rights reserved.

import pickle
from collections import OrderedDict
Expand Down
2 changes: 1 addition & 1 deletion yolox/utils/boxes.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
#!/usr/bin/env python3
# -*- coding:utf-8 -*-
# Copyright (c) 2014-2021 Megvii Inc. All rights reserved.
# Copyright (c) Megvii Inc. All rights reserved.

import numpy as np

Expand Down
2 changes: 1 addition & 1 deletion yolox/utils/checkpoint.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
#!/usr/bin/env python3
# -*- coding:utf-8 -*-
# Copyright (c) 2014-2021 Megvii Inc. All rights reserved.
# Copyright (c) Megvii Inc. All rights reserved.
import os
import shutil
from loguru import logger
Expand Down
2 changes: 1 addition & 1 deletion yolox/utils/demo_utils.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
#!/usr/bin/env python3
# -*- coding:utf-8 -*-
# Copyright (c) 2014-2021 Megvii Inc. All rights reserved.
# Copyright (c) Megvii Inc. All rights reserved.

import os

Expand Down
2 changes: 1 addition & 1 deletion yolox/utils/dist.py
Original file line number Diff line number Diff line change
Expand Up @@ -3,7 +3,7 @@
# This file mainly comes from
# https://github.com/facebookresearch/detectron2/blob/master/detectron2/utils/comm.py
# Copyright (c) Facebook, Inc. and its affiliates.
# Copyright (c) 2014-2021 Megvii Inc. All rights reserved.
# Copyright (c) Megvii Inc. All rights reserved.
"""
This file contains primitives for multi-gpu communication.
This is useful when doing distributed training.
Expand Down
2 changes: 1 addition & 1 deletion yolox/utils/ema.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
#!/usr/bin/env python3
# -*- coding:utf-8 -*-
# Copyright (c) 2014-2021 Megvii Inc. All rights reserved.
# Copyright (c) Megvii Inc. All rights reserved.
import math
from copy import deepcopy

Expand Down
2 changes: 1 addition & 1 deletion yolox/utils/logger.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
#!/usr/bin/env python3
# -*- coding:utf-8 -*-
# Copyright (c) 2014-2021 Megvii Inc. All rights reserved.
# Copyright (c) Megvii Inc. All rights reserved.

import inspect
import os
Expand Down
2 changes: 1 addition & 1 deletion yolox/utils/lr_scheduler.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
#!/usr/bin/env python3
# -*- coding:utf-8 -*-
# Copyright (c) 2014-2021 Megvii Inc. All rights reserved.
# Copyright (c) Megvii Inc. All rights reserved.

import math
from functools import partial
Expand Down
2 changes: 1 addition & 1 deletion yolox/utils/metric.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
#!/usr/bin/env python3
# -*- coding: utf-8 -*-
# Copyright (c) 2014-2021 Megvii Inc. All rights reserved.
# Copyright (c) Megvii Inc. All rights reserved.
import functools
import os
import time
Expand Down
2 changes: 1 addition & 1 deletion yolox/utils/model_utils.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
#!/usr/bin/env python3
# -*- coding:utf-8 -*-
# Copyright (c) 2014-2021 Megvii Inc. All rights reserved.
# Copyright (c) Megvii Inc. All rights reserved.

from copy import deepcopy

Expand Down
2 changes: 1 addition & 1 deletion yolox/utils/setup_env.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
#!/usr/bin/env python3
# -*- coding:utf-8 -*-
# Copyright (c) 2014-2021 Megvii Inc. All rights reserved.
# Copyright (c) Megvii Inc. All rights reserved.

import os
import subprocess
Expand Down
2 changes: 1 addition & 1 deletion yolox/utils/visualize.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
#!/usr/bin/env python3
# -*- coding:utf-8 -*-
# Copyright (c) 2014-2021 Megvii Inc. All rights reserved.
# Copyright (c) Megvii Inc. All rights reserved.

import cv2
import numpy as np
Expand Down

0 comments on commit ac379df

Please sign in to comment.