Skip to content

Commit

Permalink
Fix word pubicly -> publicly (#748)
Browse files Browse the repository at this point in the history
  • Loading branch information
co63oc committed Feb 21, 2024
1 parent 71bb523 commit aaedf05
Show file tree
Hide file tree
Showing 33 changed files with 33 additions and 33 deletions.
2 changes: 1 addition & 1 deletion modelscope/models/cv/action_recognition/s3dg.py
@@ -1,5 +1,5 @@
# The implementation is adopted from https://github.com/TengdaHan/CoCLR,
# made pubicly available under the Apache License, Version 2.0 at https://github.com/TengdaHan/CoCLR
# made publicly available under the Apache License, Version 2.0 at https://github.com/TengdaHan/CoCLR
# Copyright 2021-2022 The Alibaba FVI Team Authors. All rights reserved.
import torch
import torch.nn as nn
Expand Down
2 changes: 1 addition & 1 deletion modelscope/models/cv/action_recognition/tada_convnext.py
@@ -1,5 +1,5 @@
# The implementation is adopted from https://github.com/facebookresearch/ConvNeXt,
# made pubicly available under the MIT License at https://github.com/facebookresearch/ConvNeXt
# made publicly available under the MIT License at https://github.com/facebookresearch/ConvNeXt
# Copyright 2021-2022 The Alibaba FVI Team Authors. All rights reserved.

import math
Expand Down
2 changes: 1 addition & 1 deletion modelscope/models/cv/animal_recognition/resnet.py
@@ -1,5 +1,5 @@
# The implementation is adopted from Split-Attention Network, A New ResNet Variant,
# made pubicly available under the Apache License 2.0 License
# made publicly available under the Apache License 2.0 License
# at https://github.com/zhanghang1989/ResNeSt/blob/master/resnest/torch/models/resnet.py
import math

Expand Down
2 changes: 1 addition & 1 deletion modelscope/models/cv/animal_recognition/splat.py
@@ -1,5 +1,5 @@
# The implementation is adopted from Split-Attention Network, A New ResNet Variant,
# made pubicly available under the Apache License 2.0 License
# made publicly available under the Apache License 2.0 License
# at https://github.com/zhanghang1989/ResNeSt/blob/master/resnest/torch/models/splat.py
"""Split-Attention"""

Expand Down
@@ -1,4 +1,4 @@
# The implementation is adopted from TFace,made pubicly available under the Apache-2.0 license at
# The implementation is adopted from TFace,made publicly available under the Apache-2.0 license at
# https://github.com/Tencent/TFace/blob/master/recognition/torchkit/backbone
from .model_irse import (IR_18, IR_34, IR_50, IR_101, IR_152, IR_200, IR_SE_50,
IR_SE_101, IR_SE_152, IR_SE_200)
Expand Down
@@ -1,4 +1,4 @@
# The implementation is adopted from TFace,made pubicly available under the Apache-2.0 license at
# The implementation is adopted from TFace,made publicly available under the Apache-2.0 license at
# https://github.com/deepinsight/insightface/blob/master/recognition/arcface_torch/backbones/iresnet.py
import torch
from torch import nn
Expand Down
@@ -1,4 +1,4 @@
# The implementation is adopted from TFace,made pubicly available under the Apache-2.0 license at
# The implementation is adopted from TFace,made publicly available under the Apache-2.0 license at
# https://github.com/Tencent/TFace/blob/master/recognition/torchkit/backbone/common.py
import torch
import torch.nn as nn
Expand Down
@@ -1,4 +1,4 @@
# The implementation is adopted from InsightFace, made pubicly available under the Apache-2.0 license at
# The implementation is adopted from InsightFace, made publicly available under the Apache-2.0 license at
# https://github.com/TreB1eN/InsightFace_Pytorch/blob/master/model.py

from collections import namedtuple
Expand Down
@@ -1,4 +1,4 @@
# The implementation is adopted from TFace,made pubicly available under the Apache-2.0 license at
# The implementation is adopted from TFace,made publicly available under the Apache-2.0 license at
# https://github.com/Tencent/TFace/blob/master/recognition/torchkit/backbone/model_irse.py
from collections import namedtuple

Expand Down
@@ -1,4 +1,4 @@
# The implementation is adopted from TFace,made pubicly available under the Apache-2.0 license at
# The implementation is adopted from TFace,made publicly available under the Apache-2.0 license at
# https://github.com/Tencent/TFace/blob/master/recognition/torchkit/backbone/model_resnet.py
import torch.nn as nn
from torch.nn import (BatchNorm1d, BatchNorm2d, Conv2d, Dropout, Linear,
Expand Down
@@ -1,4 +1,4 @@
# The implementation is adopted from Pytorch_Retinaface, made pubicly available under the MIT License
# The implementation is adopted from Pytorch_Retinaface, made publicly available under the MIT License
# at https://github.com/biubug6/Pytorch_Retinaface/tree/master/models/net.py
import time

Expand Down
@@ -1,4 +1,4 @@
# The implementation is adopted from Pytorch_Retinaface, made pubicly available under the MIT License
# The implementation is adopted from Pytorch_Retinaface, made publicly available under the MIT License
# at https://github.com/biubug6/Pytorch_Retinaface/tree/master/models/retinaface.py
from collections import OrderedDict

Expand Down
2 changes: 1 addition & 1 deletion modelscope/models/cv/image_probing_model/backbone.py
@@ -1,5 +1,5 @@
# The implementation is adopted from OpenAI-CLIP,
# made pubicly available under the MIT License at https://github.com/openai/CLIP
# made publicly available under the MIT License at https://github.com/openai/CLIP

import math
import sys
Expand Down
@@ -1,4 +1,4 @@
# This implementation is adopted from MANIQA, made pubicly available under the Apache License 2.0 at
# This implementation is adopted from MANIQA, made publicly available under the Apache License 2.0 at
# https://github.com/IIGROUP/MANIQA/blob/master/models/maniqa.py

import timm
Expand Down
2 changes: 1 addition & 1 deletion modelscope/models/cv/image_quality_assessment_man/swin.py
@@ -1,4 +1,4 @@
# This implementation is adopted form SwinTransformer, made pubicly available under the MIT License at
# This implementation is adopted form SwinTransformer, made publicly available under the MIT License at
# https://github.com/microsoft/Swin-Transformer/blob/main/models/swin_transformer.py

import collections.abc
Expand Down
@@ -1,4 +1,4 @@
# The implementation is adopted from CenseoQoE, made pubicly available under the MIT License at
# The implementation is adopted from CenseoQoE, made publicly available under the MIT License at
# https://github.com/Tencent/CenseoQoE
import os

Expand Down
@@ -1,4 +1,4 @@
# The implementation is adopted from CenseoQoE, made pubicly available under the MIT License at
# The implementation is adopted from CenseoQoE, made publicly available under the MIT License at
# https://github.com/Tencent/CenseoQoE

import torch
Expand Down
2 changes: 1 addition & 1 deletion modelscope/models/cv/image_reid_person/pass_model.py
@@ -1,4 +1,4 @@
# The implementation is adopted from PASS-reID, made pubicly available under the Apache-2.0 License at
# The implementation is adopted from PASS-reID, made publicly available under the Apache-2.0 License at
# https://github.com/CASIA-IVA-Lab/PASS-reID

import os
Expand Down
2 changes: 1 addition & 1 deletion modelscope/models/cv/image_reid_person/transreid_model.py
@@ -1,4 +1,4 @@
# The implementation is adopted from PASS-reID, made pubicly available under the Apache-2.0 License at
# The implementation is adopted from PASS-reID, made publicly available under the Apache-2.0 License at
# https://github.com/CASIA-IVA-Lab/PASS-reID

import collections.abc as container_abcs
Expand Down
2 changes: 1 addition & 1 deletion modelscope/models/multi_modal/clip_interrogator/model.py
@@ -1,4 +1,4 @@
# This implementation is adopted from CLIP-Interrogator, made pubicly available under the MIT License at
# This implementation is adopted from CLIP-Interrogator, made publicly available under the MIT License at
# https://github.com/pharmapsychotic/clip-interrogator/blob/main/clip_interrogator/clip_interrogator.py

import hashlib
Expand Down
@@ -1,6 +1,6 @@
# Copyright 2023-2024 The Alibaba Fundamental Vision Team Authors. All rights reserved.
# The implementation is adopted from HighCWu,
# made pubicly available under the Apache License 2.0 License at https://github.com/HighCWu/ControlLoRA
# made publicly available under the Apache License 2.0 License at https://github.com/HighCWu/ControlLoRA

import os
from dataclasses import dataclass
Expand Down
@@ -1,6 +1,6 @@
# Copyright 2023-2024 The Alibaba Fundamental Vision Team Authors. All rights reserved.
# The implementation is adopted from HighCWu,
# made pubicly available under the Apache License 2.0 License at https://github.com/HighCWu/ControlLoRA
# made publicly available under the Apache License 2.0 License at https://github.com/HighCWu/ControlLoRA
import os
import os.path as osp
from functools import partial
Expand Down
@@ -1,6 +1,6 @@
# Copyright 2023-2024 The Alibaba Fundamental Vision Team Authors. All rights reserved.
# The implementation is adopted from HighCWu,
# made pubicly available under the Apache License 2.0 License at https://github.com/HighCWu/ControlLoRA
# made publicly available under the Apache License 2.0 License at https://github.com/HighCWu/ControlLoRA
import os
from dataclasses import dataclass
from typing import List, Tuple, Union
Expand Down
@@ -1,5 +1,5 @@
# The implementation is adopted from Huaishao Luo,
# made pubicly available under the MIT License at https://github.com/ArrowLuo/CLIP4Clip
# made publicly available under the MIT License at https://github.com/ArrowLuo/CLIP4Clip

import cv2
import numpy as np
Expand Down
@@ -1,5 +1,5 @@
# The implementation is adopted from the CLIP4Clip implementation,
# made pubicly available under Apache License, Version 2.0 at https://github.com/ArrowLuo/CLIP4Clip
# made publicly available under Apache License, Version 2.0 at https://github.com/ArrowLuo/CLIP4Clip

import os
import random
Expand Down
@@ -1,5 +1,5 @@
# The implementation is adopted from the CLIP4Clip implementation,
# made pubicly available under Apache License, Version 2.0 at https://github.com/ArrowLuo/CLIP4Clip
# made publicly available under Apache License, Version 2.0 at https://github.com/ArrowLuo/CLIP4Clip

import numpy as np

Expand Down
2 changes: 1 addition & 1 deletion modelscope/models/multi_modal/mmr/models/module_clip.py
@@ -1,5 +1,5 @@
# The implementation is adopated from the CLIP4Clip implementation,
# made pubicly available under Apache License, Version 2.0 at https://github.com/ArrowLuo/CLIP4Clip
# made publicly available under Apache License, Version 2.0 at https://github.com/ArrowLuo/CLIP4Clip

import hashlib
import os
Expand Down
2 changes: 1 addition & 1 deletion modelscope/models/multi_modal/mmr/models/module_cross.py
@@ -1,5 +1,5 @@
# The implementation is adopated from the CLIP4Clip implementation,
# made pubicly available under Apache License, Version 2.0 at https://github.com/ArrowLuo/CLIP4Clip
# made publicly available under Apache License, Version 2.0 at https://github.com/ArrowLuo/CLIP4Clip

from __future__ import absolute_import, division, print_function
import logging
Expand Down
@@ -1,5 +1,5 @@
# The implementation is adopted from the CLIP4Clip implementation,
# made pubicly available under Apache License, Version 2.0 at https://github.com/ArrowLuo/CLIP4Clip
# made publicly available under Apache License, Version 2.0 at https://github.com/ArrowLuo/CLIP4Clip

import gzip
import html
Expand Down
@@ -1,5 +1,5 @@
# The implementation is adopted from Huaishao Luo,
# made pubicly available under the MIT License at https://github.com/ArrowLuo/CLIP4Clip
# made publicly available under the MIT License at https://github.com/ArrowLuo/CLIP4Clip

import cv2
import numpy as np
Expand Down
2 changes: 1 addition & 1 deletion modelscope/models/multi_modal/prost/models/module_clip.py
@@ -1,5 +1,5 @@
# The implementation is adopated from the CLIP4Clip implementation,
# made pubicly available under Apache License, Version 2.0 at https://github.com/ArrowLuo/CLIP4Clip
# made publicly available under Apache License, Version 2.0 at https://github.com/ArrowLuo/CLIP4Clip

import hashlib
import os
Expand Down
2 changes: 1 addition & 1 deletion modelscope/models/multi_modal/prost/models/prost_model.py
@@ -1,5 +1,5 @@
# The implementation is adopted from the CLIP4Clip implementation,
# made pubicly available under Apache License, Version 2.0 at https://github.com/ArrowLuo/CLIP4Clip
# made publicly available under Apache License, Version 2.0 at https://github.com/ArrowLuo/CLIP4Clip

import os
import random
Expand Down
@@ -1,5 +1,5 @@
# The implementation is adopted from the CLIP4Clip implementation,
# made pubicly available under Apache License, Version 2.0 at https://github.com/ArrowLuo/CLIP4Clip
# made publicly available under Apache License, Version 2.0 at https://github.com/ArrowLuo/CLIP4Clip

import gzip
import html
Expand Down

0 comments on commit aaedf05

Please sign in to comment.