pytorch / benchmark

TorchBench is a collection of open source benchmarks used to evaluate PyTorch performance.
BSD 3-Clause "New" or "Revised" License
846 stars 273 forks source link

Setup the origin and license of each model in the metadata.yaml #1644

Open xuzhao9 opened 1 year ago

xuzhao9 commented 1 year ago
  1. Use metadata.py to query these metadata
  2. In CI, check each model has these metadata
xuzhao9 commented 1 year ago
Model name Original repo URL License
BERT_pytorch https://github.com/wconstab/BERT-pytorch Apache License 2.0
Background_Matting https://github.com/senguptaumd/Background-Matting https://creativecommons.org/licenses/by-nc-sa/4.0/legalcode
DALLE2_pytorch https://github.com/lucidrains/DALLE2-pytorch MIT
LearningToPaint https://github.com/nikithamalgifb/LearningToPaint MIT
Super_SloMo https://github.com/avinashpaliwal/Super-SloMo MIT
alexnet https://github.com/pytorch/vision BSD-3-Clause
attention_is_all_you_need_pytorch https://github.com/jadore801120/attention-is-all-you-need-pytorch MIT
basic_gnn_edgecnn https://github.com/pyg-team/pytorch_geometric MIT
basic_gnn_gcn https://github.com/pyg-team/pytorch_geometric MIT
basic_gnn_gin https://github.com/pyg-team/pytorch_geometric MIT
basic_gnn_sage https://github.com/pyg-team/pytorch_geometric MIT
cm3leon_generate https://github.com/facebookresearch/metaseq MIT
dcgan https://github.com/pytorch/examples BSD-3-Clause
demucs https://github.com/facebookresearch/demucs MIT
densenet121 https://github.com/pytorch/vision BSD-3-Clause
detectron2_fasterrcnn_r_101_c4 https://github.com/facebookresearch/detectron2 Apache License 2.0
detectron2_fasterrcnn_r_101_dc5 https://github.com/facebookresearch/detectron2 Apache License 2.0
detectron2_fasterrcnn_r_101_fpn https://github.com/facebookresearch/detectron2 Apache License 2.0
detectron2_fasterrcnn_r_50_c4 https://github.com/facebookresearch/detectron2 Apache License 2.0
detectron2_fasterrcnn_r_50_dc5 https://github.com/facebookresearch/detectron2 Apache License 2.0
detectron2_fasterrcnn_r_50_fpn https://github.com/facebookresearch/detectron2 Apache License 2.0
detectron2_fcos_r_50_fpn https://github.com/facebookresearch/detectron2 Apache License 2.0
detectron2_maskrcnn https://github.com/facebookresearch/detectron2 Apache License 2.0
detectron2_maskrcnn_r_101_c4 https://github.com/facebookresearch/detectron2 Apache License 2.0
detectron2_maskrcnn_r_101_fpn https://github.com/facebookresearch/detectron2 Apache License 2.0
detectron2_maskrcnn_r_50_c4 https://github.com/facebookresearch/detectron2 Apache License 2.0
detectron2_maskrcnn_r_50_fpn https://github.com/facebookresearch/detectron2 Apache License 2.0
dlrm https://github.com/facebookresearch/dlrm MIT
doctr_det_predictor https://github.com/mindee/doctr Apache License 2.0
doctr_reco_predictor https://github.com/mindee/doctr Apache License 2.0
drq https://github.com/denisyarats/drq MIT
fambench_xlmr https://github.com/facebookresearch/FAMBench Apache License 2.0
fastNLP_Bert https://gitee.com/fastnlp/fastNLP Apache License 2.0
functorch_dp_cifar10 https://github.com/pytorch/opacus Apache License 2.0
functorch_maml_omniglot https://github.com/facebookresearch/higher Apache License 2.0
hf_Albert https://github.com/huggingface/transformers Apache License 2.0
hf_Bart https://github.com/huggingface/transformers Apache License 2.0
hf_Bert https://github.com/huggingface/transformers Apache License 2.0
hf_Bert_large https://github.com/huggingface/transformers Apache License 2.0
hf_BigBird https://github.com/huggingface/transformers Apache License 2.0
hf_DistilBert https://github.com/huggingface/transformers Apache License 2.0
hf_GPT2 https://github.com/huggingface/transformers Apache License 2.0
hf_GPT2_large https://github.com/huggingface/transformers Apache License 2.0
hf_Longformer https://github.com/huggingface/transformers Apache License 2.0
hf_Reformer https://github.com/huggingface/transformers Apache License 2.0
hf_T5 https://github.com/huggingface/transformers Apache License 2.0
hf_T5_base https://github.com/huggingface/transformers Apache License 2.0
hf_T5_generate https://github.com/huggingface/transformers Apache License 2.0
hf_T5_large https://github.com/huggingface/transformers Apache License 2.0
lennard_jones https://github.com/muhrin/milad GNU General Public License v3.0
llama https://github.com/facebookresearch/llama GNU General Public License v3.0
maml https://github.com/dragen1860/MAML-Pytorch MIT
maml_omniglot https://github.com/facebookresearch/higher Apache License 2.0
mnasnet1_0 https://github.com/pytorch/vision BSD-3-Clause
mobilenet_v2 https://github.com/pytorch/vision BSD-3-Clause
mobilenet_v2_quantized_qat https://github.com/pytorch/vision BSD-3-Clause
mobilenet_v3_large https://github.com/pytorch/vision BSD-3-Clause
moco https://github.com/nickgg/moco.git Attribution-NonCommercial 4.0 International
nanogpt_generate https://github.com/karpathy/nanoGPT MIT
nvidia_deeprecommender https://github.com/nvidia/deeprecommender MIT
opacus_cifar10 https://github.com/pytorch/opacus Apache License 2.0
phlippe_densenet https://github.com/phlippe/uvadlc_notebooks MIT
phlippe_resnet https://github.com/phlippe/uvadlc_notebooks MIT
pyhpc_equation_of_state https://github.com/dionhaefner/pyhpc-benchmarks The Unlicense
pyhpc_isoneutral_mixing https://github.com/dionhaefner/pyhpc-benchmarks The Unlicense
pyhpc_turbulent_kinetic_energy https://github.com/dionhaefner/pyhpc-benchmarks The Unlicense
pytorch_CycleGAN_and_pix2pix https://github.com/junyanz/pytorch-CycleGAN-and-pix2pix BSD https://github.com/junyanz/pytorch-CycleGAN-and-pix2pix/blob/master/LICENSE
pytorch_stargan https://github.com/yunjey/stargan MIT
pytorch_struct https://github.com/harvardnlp/pytorch-struct MIT
pytorch_unet https://github.com/milesial/Pytorch-UNet GNU General Public License v3.0
resnet152 https://github.com/pytorch/vision BSD-3-Clause
resnet18 https://github.com/pytorch/vision BSD-3-Clause
resnet50 https://github.com/pytorch/vision BSD-3-Clause
resnet50_quantized_qat https://github.com/pytorch/vision BSD-3-Clause
resnext50_32x4d https://github.com/pytorch/vision BSD-3-Clause
shufflenet_v2_x1_0 https://github.com/pytorch/vision BSD-3-Clause
soft_actor_critic https://github.com/pranz24/pytorch-soft-actor-critic MIT
speech_transformer https://github.com/kaituoxu/Speech-Transformer N/A
squeezenet1_1 https://github.com/pytorch/vision BSD-3-Clause
tacotron2 https://github.com/NVIDIA/tacotron2 BSD-3-Clause
timm_efficientdet https://github.com/huggingface/pytorch-image-models Apache License 2.0
timm_efficientnet https://github.com/huggingface/pytorch-image-models Apache License 2.0
timm_nfnet https://github.com/huggingface/pytorch-image-models Apache License 2.0
timm_regnet https://github.com/huggingface/pytorch-image-models Apache License 2.0
timm_resnest https://github.com/huggingface/pytorch-image-models Apache License 2.0
timm_vision_transformer https://github.com/huggingface/pytorch-image-models Apache License 2.0
timm_vision_transformer_large https://github.com/huggingface/pytorch-image-models Apache License 2.0
timm_vovnet https://github.com/huggingface/pytorch-image-models Apache License 2.0
torchrec_dlrm https://github.com/facebookresearch/dlrm MIT
tts_angular https://github.com/mozilla/TTS MPL-2.0 license
vgg16 https://github.com/pytorch/vision BSD-3-Clause
vision_maskrcnn https://github.com/pytorch/vision BSD-3-Clause
yolov3 https://github.com/ultralytics/yolov3 GNU Affero General Public License v3.0
xuzhao9 commented 1 year ago

For the license name, use the identifiers in https://spdx.org/licenses/