Skip to content

Commit

Permalink
remove wrong license
Browse files Browse the repository at this point in the history
  • Loading branch information
shijieS committed Sep 2, 2020
1 parent 997ffd5 commit a644196
Show file tree
Hide file tree
Showing 34 changed files with 21 additions and 281 deletions.
9 changes: 0 additions & 9 deletions layers/__init__.py
Original file line number Diff line number Diff line change
@@ -1,9 +0,0 @@
# #!/usr/bin/env python
# Copyright (c) 2019. ShiJie Sun at the Chang'an University
# This work is licensed under the terms of the Creative Commons Attribution-NonCommercial-ShareAlike 3.0 License.
# For a copy, see <http://creativecommons.org/licenses/by-nc-sa/3.0/>.
# Author: shijie Sun
# Email: [email protected]
# Github: www.github.com/shijieS
#

9 changes: 1 addition & 8 deletions layers/dmmn/models/densenet.py
Original file line number Diff line number Diff line change
@@ -1,11 +1,4 @@
# #!/usr/bin/env python
# Copyright (c) 2019. ShiJie Sun at the Chang'an University
# This work is licensed under the terms of the Creative Commons Attribution-NonCommercial-ShareAlike 3.0 License.
# For a copy, see <http://creativecommons.org/licenses/by-nc-sa/3.0/>.
# Author: shijie Sun
# Email: [email protected]
# Github: www.github.com/shijieS
#


import torch
import torch.nn as nn
Expand Down
8 changes: 0 additions & 8 deletions layers/dmmn/models/detection.py
Original file line number Diff line number Diff line change
@@ -1,11 +1,3 @@
# #!/usr/bin/env python
# Copyright (c) 2019. ShiJie Sun at the Chang'an University
# This work is licensed under the terms of the Creative Commons Attribution-NonCommercial-ShareAlike 3.0 License.
# For a copy, see <http://creativecommons.org/licenses/by-nc-sa/3.0/>.
# Author: shijie Sun
# Email: [email protected]
# Github: www.github.com/shijieS
#

import torch
from torch.autograd import Function
Expand Down
9 changes: 1 addition & 8 deletions layers/dmmn/models/detection_param.py
Original file line number Diff line number Diff line change
@@ -1,11 +1,4 @@
# #!/usr/bin/env python
# Copyright (c) 2019. ShiJie Sun at the Chang'an University
# This work is licensed under the terms of the Creative Commons Attribution-NonCommercial-ShareAlike 3.0 License.
# For a copy, see <http://creativecommons.org/licenses/by-nc-sa/3.0/>.
# Author: shijie Sun
# Email: [email protected]
# Github: www.github.com/shijieS
#


import torch
from torch.autograd import Function
Expand Down
9 changes: 1 addition & 8 deletions layers/dmmn/models/extra_net.py
Original file line number Diff line number Diff line change
@@ -1,11 +1,4 @@
# #!/usr/bin/env python
# Copyright (c) 2019. ShiJie Sun at the Chang'an University
# This work is licensed under the terms of the Creative Commons Attribution-NonCommercial-ShareAlike 3.0 License.
# For a copy, see <http://creativecommons.org/licenses/by-nc-sa/3.0/>.
# Author: shijie Sun
# Email: [email protected]
# Github: www.github.com/shijieS
#


import torch
import torch.nn as nn
Expand Down
9 changes: 1 addition & 8 deletions layers/dmmn/models/pre_act_resnet.py
Original file line number Diff line number Diff line change
@@ -1,11 +1,4 @@
# #!/usr/bin/env python
# Copyright (c) 2019. ShiJie Sun at the Chang'an University
# This work is licensed under the terms of the Creative Commons Attribution-NonCommercial-ShareAlike 3.0 License.
# For a copy, see <http://creativecommons.org/licenses/by-nc-sa/3.0/>.
# Author: shijie Sun
# Email: [email protected]
# Github: www.github.com/shijieS
#


import torch
import torch.nn as nn
Expand Down
9 changes: 1 addition & 8 deletions layers/dmmn/models/resnet.py
Original file line number Diff line number Diff line change
@@ -1,11 +1,4 @@
# #!/usr/bin/env python
# Copyright (c) 2019. ShiJie Sun at the Chang'an University
# This work is licensed under the terms of the Creative Commons Attribution-NonCommercial-ShareAlike 3.0 License.
# For a copy, see <http://creativecommons.org/licenses/by-nc-sa/3.0/>.
# Author: shijie Sun
# Email: [email protected]
# Github: www.github.com/shijieS
#


import torch
import torch.nn as nn
Expand Down
9 changes: 1 addition & 8 deletions layers/dmmn/models/wide_resnet.py
Original file line number Diff line number Diff line change
@@ -1,11 +1,4 @@
# #!/usr/bin/env python
# Copyright (c) 2019. ShiJie Sun at the Chang'an University
# This work is licensed under the terms of the Creative Commons Attribution-NonCommercial-ShareAlike 3.0 License.
# For a copy, see <http://creativecommons.org/licenses/by-nc-sa/3.0/>.
# Author: shijie Sun
# Email: [email protected]
# Github: www.github.com/shijieS
#


import torch
import torch.nn as nn
Expand Down
9 changes: 0 additions & 9 deletions layers/faster_rcnn/__init__.py
Original file line number Diff line number Diff line change
@@ -1,9 +0,0 @@
# #!/usr/bin/env python
# Copyright (c) 2019. ShiJie Sun at the Chang'an University
# This work is licensed under the terms of the Creative Commons Attribution-NonCommercial-ShareAlike 3.0 License.
# For a copy, see <http://creativecommons.org/licenses/by-nc-sa/3.0/>.
# Author: shijie Sun
# Email: [email protected]
# Github: www.github.com/shijieS
#

9 changes: 0 additions & 9 deletions layers/faster_rcnn/faster_rcnn.py
Original file line number Diff line number Diff line change
@@ -1,12 +1,3 @@
# #!/usr/bin/env python
# Copyright (c) 2019. ShiJie Sun at the Chang'an University
# This work is licensed under the terms of the Creative Commons Attribution-NonCommercial-ShareAlike 3.0 License.
# For a copy, see <http://creativecommons.org/licenses/by-nc-sa/3.0/>.
# Author: shijie Sun
# Email: [email protected]
# Github: www.github.com/shijieS
#

from torch import nn


Expand Down
8 changes: 0 additions & 8 deletions layers/faster_rcnn/faster_rcnn_vgg16.py
Original file line number Diff line number Diff line change
@@ -1,11 +1,3 @@
# #!/usr/bin/env python
# Copyright (c) 2019. ShiJie Sun at the Chang'an University
# This work is licensed under the terms of the Creative Commons Attribution-NonCommercial-ShareAlike 3.0 License.
# For a copy, see <http://creativecommons.org/licenses/by-nc-sa/3.0/>.
# Author: shijie Sun
# Email: [email protected]
# Github: www.github.com/shijieS
#

import torch
from torch import nn
Expand Down
9 changes: 0 additions & 9 deletions layers/faster_rcnn/loss.py
Original file line number Diff line number Diff line change
@@ -1,9 +0,0 @@
# #!/usr/bin/env python
# Copyright (c) 2019. ShiJie Sun at the Chang'an University
# This work is licensed under the terms of the Creative Commons Attribution-NonCommercial-ShareAlike 3.0 License.
# For a copy, see <http://creativecommons.org/licenses/by-nc-sa/3.0/>.
# Author: shijie Sun
# Email: [email protected]
# Github: www.github.com/shijieS
#

9 changes: 1 addition & 8 deletions layers/faster_rcnn/region_proposal_network.py
Original file line number Diff line number Diff line change
@@ -1,11 +1,4 @@
# #!/usr/bin/env python
# Copyright (c) 2019. ShiJie Sun at the Chang'an University
# This work is licensed under the terms of the Creative Commons Attribution-NonCommercial-ShareAlike 3.0 License.
# For a copy, see <http://creativecommons.org/licenses/by-nc-sa/3.0/>.
# Author: shijie Sun
# Email: [email protected]
# Github: www.github.com/shijieS
#


import numpy as np
from torch import nn
Expand Down
9 changes: 0 additions & 9 deletions layers/faster_rcnn/roi_module.py
Original file line number Diff line number Diff line change
@@ -1,11 +1,2 @@
# #!/usr/bin/env python
# Copyright (c) 2019. ShiJie Sun at the Chang'an University
# This work is licensed under the terms of the Creative Commons Attribution-NonCommercial-ShareAlike 3.0 License.
# For a copy, see <http://creativecommons.org/licenses/by-nc-sa/3.0/>.
# Author: shijie Sun
# Email: [email protected]
# Github: www.github.com/shijieS
#



9 changes: 1 addition & 8 deletions layers/faster_rcnn/utils/__init__.py
Original file line number Diff line number Diff line change
@@ -1,9 +1,2 @@
# #!/usr/bin/env python
# Copyright (c) 2019. ShiJie Sun at the Chang'an University
# This work is licensed under the terms of the Creative Commons Attribution-NonCommercial-ShareAlike 3.0 License.
# For a copy, see <http://creativecommons.org/licenses/by-nc-sa/3.0/>.
# Author: shijie Sun
# Email: [email protected]
# Github: www.github.com/shijieS
#


9 changes: 1 addition & 8 deletions layers/faster_rcnn/utils/array_tools.py
Original file line number Diff line number Diff line change
@@ -1,14 +1,7 @@
"""
tools to convert specified type
"""
# #!/usr/bin/env python
# Copyright (c) 2019. ShiJie Sun at the Chang'an University
# This work is licensed under the terms of the Creative Commons Attribution-NonCommercial-ShareAlike 3.0 License.
# For a copy, see <http://creativecommons.org/licenses/by-nc-sa/3.0/>.
# Author: shijie Sun
# Email: [email protected]
# Github: www.github.com/shijieS
#


import torch as t
import numpy as np
Expand Down
9 changes: 1 addition & 8 deletions layers/faster_rcnn/utils/nms/__init__.py
Original file line number Diff line number Diff line change
@@ -1,10 +1,3 @@
# #!/usr/bin/env python
# Copyright (c) 2019. ShiJie Sun at the Chang'an University
# This work is licensed under the terms of the Creative Commons Attribution-NonCommercial-ShareAlike 3.0 License.
# For a copy, see <http://creativecommons.org/licenses/by-nc-sa/3.0/>.
# Author: shijie Sun
# Email: [email protected]
# Github: www.github.com/shijieS
#


from motion_model.utils.nms.non_maximum_suppression import non_maximum_suppression
8 changes: 0 additions & 8 deletions layers/faster_rcnn/utils/nms/_nms_gpu_post_py.py
Original file line number Diff line number Diff line change
@@ -1,12 +1,4 @@

# #!/usr/bin/env python
# Copyright (c) 2019. ShiJie Sun at the Chang'an University
# This work is licensed under the terms of the Creative Commons Attribution-NonCommercial-ShareAlike 3.0 License.
# For a copy, see <http://creativecommons.org/licenses/by-nc-sa/3.0/>.
# Author: shijie Sun
# Email: [email protected]
# Github: www.github.com/shijieS
#

import numpy as np

Expand Down
8 changes: 0 additions & 8 deletions layers/faster_rcnn/utils/nms/build.py
Original file line number Diff line number Diff line change
@@ -1,11 +1,3 @@
# #!/usr/bin/env python
# Copyright (c) 2019. ShiJie Sun at the Chang'an University
# This work is licensed under the terms of the Creative Commons Attribution-NonCommercial-ShareAlike 3.0 License.
# For a copy, see <http://creativecommons.org/licenses/by-nc-sa/3.0/>.
# Author: shijie Sun
# Email: [email protected]
# Github: www.github.com/shijieS
#

from distutils.core import setup
from distutils.extension import Extension
Expand Down
8 changes: 0 additions & 8 deletions layers/faster_rcnn/utils/nms/non_maximum_suppression.py
Original file line number Diff line number Diff line change
@@ -1,11 +1,3 @@
# #!/usr/bin/env python
# Copyright (c) 2019. ShiJie Sun at the Chang'an University
# This work is licensed under the terms of the Creative Commons Attribution-NonCommercial-ShareAlike 3.0 License.
# For a copy, see <http://creativecommons.org/licenses/by-nc-sa/3.0/>.
# Author: shijie Sun
# Email: [email protected]
# Github: www.github.com/shijieS
#

from __future__ import division
import numpy as np
Expand Down
9 changes: 0 additions & 9 deletions layers/faster_rcnn/utils/torch_tools.py
Original file line number Diff line number Diff line change
@@ -1,13 +1,4 @@

# #!/usr/bin/env python
# Copyright (c) 2019. ShiJie Sun at the Chang'an University
# This work is licensed under the terms of the Creative Commons Attribution-NonCommercial-ShareAlike 3.0 License.
# For a copy, see <http://creativecommons.org/licenses/by-nc-sa/3.0/>.
# Author: shijie Sun
# Email: [email protected]
# Github: www.github.com/shijieS
#

def normal_init(m, mean, stddev, truncated=False):
"""
weight initalizer: truncated normal and random normal.
Expand Down
9 changes: 1 addition & 8 deletions layers/ssd/__init__.py
Original file line number Diff line number Diff line change
@@ -1,11 +1,4 @@
# #!/usr/bin/env python
# Copyright (c) 2019. ShiJie Sun at the Chang'an University
# This work is licensed under the terms of the Creative Commons Attribution-NonCommercial-ShareAlike 3.0 License.
# For a copy, see <http://creativecommons.org/licenses/by-nc-sa/3.0/>.
# Author: shijie Sun
# Email: [email protected]
# Github: www.github.com/shijieS
#


from .functions import *
from .modules import *
11 changes: 1 addition & 10 deletions layers/ssd/box_utils.py
Original file line number Diff line number Diff line change
@@ -1,13 +1,4 @@
# -*- coding: utf-8 -*-

# #!/usr/bin/env python
# Copyright (c) 2019. ShiJie Sun at the Chang'an University
# This work is licensed under the terms of the Creative Commons Attribution-NonCommercial-ShareAlike 3.0 License.
# For a copy, see <http://creativecommons.org/licenses/by-nc-sa/3.0/>.
# Author: shijie Sun
# Email: [email protected]
# Github: www.github.com/shijieS
#


import torch

Expand Down
9 changes: 1 addition & 8 deletions layers/ssd/data/__init__.py
Original file line number Diff line number Diff line change
@@ -1,11 +1,4 @@
# #!/usr/bin/env python
# Copyright (c) 2019. ShiJie Sun at the Chang'an University
# This work is licensed under the terms of the Creative Commons Attribution-NonCommercial-ShareAlike 3.0 License.
# For a copy, see <http://creativecommons.org/licenses/by-nc-sa/3.0/>.
# Author: shijie Sun
# Email: [email protected]
# Github: www.github.com/shijieS
#


from .voc0712 import VOCDetection, VOCAnnotationTransform, VOC_CLASSES, VOC_ROOT

Expand Down
8 changes: 0 additions & 8 deletions layers/ssd/data/coco.py
Original file line number Diff line number Diff line change
@@ -1,11 +1,3 @@
# #!/usr/bin/env python
# Copyright (c) 2019. ShiJie Sun at the Chang'an University
# This work is licensed under the terms of the Creative Commons Attribution-NonCommercial-ShareAlike 3.0 License.
# For a copy, see <http://creativecommons.org/licenses/by-nc-sa/3.0/>.
# Author: shijie Sun
# Email: [email protected]
# Github: www.github.com/shijieS
#

from .config import HOME
import os
Expand Down
9 changes: 1 addition & 8 deletions layers/ssd/data/config.py
Original file line number Diff line number Diff line change
@@ -1,11 +1,4 @@
# #!/usr/bin/env python
# Copyright (c) 2019. ShiJie Sun at the Chang'an University
# This work is licensed under the terms of the Creative Commons Attribution-NonCommercial-ShareAlike 3.0 License.
# For a copy, see <http://creativecommons.org/licenses/by-nc-sa/3.0/>.
# Author: shijie Sun
# Email: [email protected]
# Github: www.github.com/shijieS
#


# configure.py
import os.path
Expand Down
9 changes: 1 addition & 8 deletions layers/ssd/data/voc0712.py
Original file line number Diff line number Diff line change
Expand Up @@ -5,14 +5,7 @@
Updated by: Ellis Brown, Max deGroot
"""
# #!/usr/bin/env python
# Copyright (c) 2019. ShiJie Sun at the Chang'an University
# This work is licensed under the terms of the Creative Commons Attribution-NonCommercial-ShareAlike 3.0 License.
# For a copy, see <http://creativecommons.org/licenses/by-nc-sa/3.0/>.
# Author: shijie Sun
# Email: [email protected]
# Github: www.github.com/shijieS
#


from .config import HOME
import os.path as osp
Expand Down
9 changes: 1 addition & 8 deletions layers/ssd/functions/__init__.py
Original file line number Diff line number Diff line change
@@ -1,11 +1,4 @@
# #!/usr/bin/env python
# Copyright (c) 2019. ShiJie Sun at the Chang'an University
# This work is licensed under the terms of the Creative Commons Attribution-NonCommercial-ShareAlike 3.0 License.
# For a copy, see <http://creativecommons.org/licenses/by-nc-sa/3.0/>.
# Author: shijie Sun
# Email: [email protected]
# Github: www.github.com/shijieS
#


from .detection import Detect
from .prior_box import PriorBox
Expand Down
9 changes: 1 addition & 8 deletions layers/ssd/functions/detection.py
Original file line number Diff line number Diff line change
@@ -1,11 +1,4 @@
# #!/usr/bin/env python
# Copyright (c) 2019. ShiJie Sun at the Chang'an University
# This work is licensed under the terms of the Creative Commons Attribution-NonCommercial-ShareAlike 3.0 License.
# For a copy, see <http://creativecommons.org/licenses/by-nc-sa/3.0/>.
# Author: shijie Sun
# Email: [email protected]
# Github: www.github.com/shijieS
#


import torch
from torch.autograd import Function
Expand Down
9 changes: 1 addition & 8 deletions layers/ssd/functions/prior_box.py
Original file line number Diff line number Diff line change
@@ -1,11 +1,4 @@
# #!/usr/bin/env python
# Copyright (c) 2019. ShiJie Sun at the Chang'an University
# This work is licensed under the terms of the Creative Commons Attribution-NonCommercial-ShareAlike 3.0 License.
# For a copy, see <http://creativecommons.org/licenses/by-nc-sa/3.0/>.
# Author: shijie Sun
# Email: [email protected]
# Github: www.github.com/shijieS
#


from __future__ import division
from math import sqrt as sqrt
Expand Down
9 changes: 1 addition & 8 deletions layers/ssd/modules/__init__.py
Original file line number Diff line number Diff line change
@@ -1,11 +1,4 @@
# #!/usr/bin/env python
# Copyright (c) 2019. ShiJie Sun at the Chang'an University
# This work is licensed under the terms of the Creative Commons Attribution-NonCommercial-ShareAlike 3.0 License.
# For a copy, see <http://creativecommons.org/licenses/by-nc-sa/3.0/>.
# Author: shijie Sun
# Email: [email protected]
# Github: www.github.com/shijieS
#


from .l2norm import L2Norm
from .multibox_loss import MultiBoxLoss
Expand Down
Loading

0 comments on commit a644196

Please sign in to comment.