Path Lines of Code bisection.py 481 collect_graph_ir.py 59 compare.py 38 components/__init__.py 1 components/_impl/__init__.py 1 components/_impl/tasks/__init__.py 1 components/_impl/tasks/base.py 95 components/_impl/workers/__init__.py 1 components/_impl/workers/base.py 25 components/_impl/workers/in_process_worker.py 28 components/_impl/workers/subprocess_rpc.py 288 components/_impl/workers/subprocess_worker.py 202 compute_score.py 59 conftest.py 68 fx_profile.py 181 gen_summary_metadata.py 139 install.py 88 install_utils/__init__.py 19 plot_sweep.py 99 run.py 139 run_e2e.py 40 run_microbenchmarks.py 19 run_sweep.py 127 scripts/dump_bench.py 34 scripts/get_torch_nightly_wheels.py 101 scripts/upload_scribe.py 174 scripts/upload_scribe_v2.py 199 test.py 98 torchbenchmark/__init__.py 390 torchbenchmark/e2e.py 37 torchbenchmark/e2e_models/fambench_xlmr/__init__.py 54 torchbenchmark/e2e_models/fambench_xlmr/install.py 6 torchbenchmark/e2e_models/hf_bert/__init__.py 167 torchbenchmark/e2e_models/hf_bert/install.py 6 torchbenchmark/e2e_models/hf_bert/trainer.py 136 torchbenchmark/microbenchmarks/nvfuser/__init__.py 120 torchbenchmark/microbenchmarks/nvfuser/ir.py 4 torchbenchmark/models/BERT_pytorch/__init__.py 113 torchbenchmark/models/BERT_pytorch/bert_pytorch/__init__.py 28 torchbenchmark/models/BERT_pytorch/bert_pytorch/__main__.py 44 torchbenchmark/models/BERT_pytorch/bert_pytorch/dataset/__init__.py 2 torchbenchmark/models/BERT_pytorch/bert_pytorch/dataset/dataset.py 92 torchbenchmark/models/BERT_pytorch/bert_pytorch/dataset/vocab.py 115 torchbenchmark/models/BERT_pytorch/bert_pytorch/model/__init__.py 2 torchbenchmark/models/BERT_pytorch/bert_pytorch/model/attention/__init__.py 2 torchbenchmark/models/BERT_pytorch/bert_pytorch/model/attention/multi_head.py 27 torchbenchmark/models/BERT_pytorch/bert_pytorch/model/attention/single.py 19 torchbenchmark/models/BERT_pytorch/bert_pytorch/model/bert.py 20 torchbenchmark/models/BERT_pytorch/bert_pytorch/model/embedding/__init__.py 1 torchbenchmark/models/BERT_pytorch/bert_pytorch/model/embedding/bert.py 16 torchbenchmark/models/BERT_pytorch/bert_pytorch/model/embedding/position.py 16 torchbenchmark/models/BERT_pytorch/bert_pytorch/model/embedding/segment.py 4 torchbenchmark/models/BERT_pytorch/bert_pytorch/model/embedding/token.py 4 torchbenchmark/models/BERT_pytorch/bert_pytorch/model/language_model.py 25 torchbenchmark/models/BERT_pytorch/bert_pytorch/model/transformer.py 29 torchbenchmark/models/BERT_pytorch/bert_pytorch/model/utils/__init__.py 3 torchbenchmark/models/BERT_pytorch/bert_pytorch/model/utils/feed_forward.py 12 torchbenchmark/models/BERT_pytorch/bert_pytorch/model/utils/layer_norm.py 13 torchbenchmark/models/BERT_pytorch/bert_pytorch/model/utils/sublayer.py 12 torchbenchmark/models/BERT_pytorch/bert_pytorch/model/utils/tensor2tensor.py 5 torchbenchmark/models/BERT_pytorch/bert_pytorch/trainer/__init__.py 1 torchbenchmark/models/BERT_pytorch/bert_pytorch/trainer/optim_schedule.py 26 torchbenchmark/models/BERT_pytorch/bert_pytorch/trainer/pretrain.py 66 torchbenchmark/models/BERT_pytorch/install.py 6 torchbenchmark/models/BERT_pytorch/metadata.yaml 6 torchbenchmark/models/BERT_pytorch/setup.py 44 torchbenchmark/models/BERT_pytorch/test.py 4 torchbenchmark/models/Background_Matting/Data_adobe/compose.py 98 torchbenchmark/models/Background_Matting/__init__.py 230 torchbenchmark/models/Background_Matting/data_loader.py 229 torchbenchmark/models/Background_Matting/functions.py 76 torchbenchmark/models/Background_Matting/install.py 7 torchbenchmark/models/Background_Matting/loss_functions.py 70 torchbenchmark/models/Background_Matting/metadata.yaml 5 torchbenchmark/models/Background_Matting/networks.py 261 torchbenchmark/models/Background_Matting/prepare_real.py 24 torchbenchmark/models/Background_Matting/train_adobe.py 104 torchbenchmark/models/Background_Matting/train_real_fixed.py 157 torchbenchmark/models/LearningToPaint/LearningToPaint.ipynb 393 torchbenchmark/models/LearningToPaint/__init__.py 92 torchbenchmark/models/LearningToPaint/baseline/DRL/actor.py 92 torchbenchmark/models/LearningToPaint/baseline/DRL/critic.py 97 torchbenchmark/models/LearningToPaint/baseline/DRL/ddpg.py 177 torchbenchmark/models/LearningToPaint/baseline/DRL/evaluator.py 27 torchbenchmark/models/LearningToPaint/baseline/DRL/multi.py 49 torchbenchmark/models/LearningToPaint/baseline/DRL/rpm.py 36 torchbenchmark/models/LearningToPaint/baseline/DRL/wgan.py 88 torchbenchmark/models/LearningToPaint/baseline/Renderer/__init__.py 1 torchbenchmark/models/LearningToPaint/baseline/Renderer/model.py 32 torchbenchmark/models/LearningToPaint/baseline/Renderer/stroke_gen.py 26 torchbenchmark/models/LearningToPaint/baseline/env.py 84 torchbenchmark/models/LearningToPaint/baseline/test.py 128 torchbenchmark/models/LearningToPaint/baseline/train.py 104 torchbenchmark/models/LearningToPaint/baseline/train_renderer.py 79 torchbenchmark/models/LearningToPaint/baseline/utils/tensorboard.py 24 torchbenchmark/models/LearningToPaint/baseline/utils/util.py 43 torchbenchmark/models/LearningToPaint/baseline_modelfree/DRL/actor.py 92 torchbenchmark/models/LearningToPaint/baseline_modelfree/DRL/critic.py 118 torchbenchmark/models/LearningToPaint/baseline_modelfree/DRL/ddpg.py 177 torchbenchmark/models/LearningToPaint/baseline_modelfree/DRL/evaluator.py 26 torchbenchmark/models/LearningToPaint/baseline_modelfree/DRL/multi.py 48 torchbenchmark/models/LearningToPaint/baseline_modelfree/DRL/rpm.py 36 torchbenchmark/models/LearningToPaint/baseline_modelfree/DRL/wgan.py 87 torchbenchmark/models/LearningToPaint/baseline_modelfree/Renderer/__init__.py 1 torchbenchmark/models/LearningToPaint/baseline_modelfree/Renderer/model.py 32 torchbenchmark/models/LearningToPaint/baseline_modelfree/Renderer/stroke_gen.py 26 torchbenchmark/models/LearningToPaint/baseline_modelfree/env.py 86 torchbenchmark/models/LearningToPaint/baseline_modelfree/test.py 128 torchbenchmark/models/LearningToPaint/baseline_modelfree/train.py 104 torchbenchmark/models/LearningToPaint/baseline_modelfree/train_renderer.py 71 torchbenchmark/models/LearningToPaint/baseline_modelfree/utils/tensorboard.py 24 torchbenchmark/models/LearningToPaint/baseline_modelfree/utils/util.py 43 torchbenchmark/models/LearningToPaint/install.py 6 torchbenchmark/models/LearningToPaint/metadata.yaml 8 torchbenchmark/models/Super_SloMo/__init__.py 61 torchbenchmark/models/Super_SloMo/data/create_dataset.py 73 torchbenchmark/models/Super_SloMo/dataloader.py 129 torchbenchmark/models/Super_SloMo/eval.py 130 torchbenchmark/models/Super_SloMo/install.py 6 torchbenchmark/models/Super_SloMo/metadata.yaml 11 torchbenchmark/models/Super_SloMo/model_wrapper.py 45 torchbenchmark/models/Super_SloMo/slomo_model.py 89 torchbenchmark/models/Super_SloMo/train.ipynb 689 torchbenchmark/models/Super_SloMo/train.py 87 torchbenchmark/models/Super_SloMo/video_to_slomo.py 133 torchbenchmark/models/alexnet/__init__.py 9 torchbenchmark/models/alexnet/install.py 1 torchbenchmark/models/alexnet/metadata.yaml 6 torchbenchmark/models/attention_is_all_you_need_pytorch/__init__.py 109 torchbenchmark/models/attention_is_all_you_need_pytorch/apply_bpe.py 162 torchbenchmark/models/attention_is_all_you_need_pytorch/install.py 16 torchbenchmark/models/attention_is_all_you_need_pytorch/learn_bpe.py 150 torchbenchmark/models/attention_is_all_you_need_pytorch/metadata.yaml 6 torchbenchmark/models/attention_is_all_you_need_pytorch/preprocess.py 259 torchbenchmark/models/attention_is_all_you_need_pytorch/train.py 261 torchbenchmark/models/attention_is_all_you_need_pytorch/transformer/Constants.py 4 torchbenchmark/models/attention_is_all_you_need_pytorch/transformer/Layers.py 33 torchbenchmark/models/attention_is_all_you_need_pytorch/transformer/Models.py 113 torchbenchmark/models/attention_is_all_you_need_pytorch/transformer/Modules.py 22 torchbenchmark/models/attention_is_all_you_need_pytorch/transformer/Optim.py 27 torchbenchmark/models/attention_is_all_you_need_pytorch/transformer/SubLayers.py 53 torchbenchmark/models/attention_is_all_you_need_pytorch/transformer/Translator.py 70 torchbenchmark/models/attention_is_all_you_need_pytorch/transformer/__init__.py 1 torchbenchmark/models/attention_is_all_you_need_pytorch/translate.py 75 torchbenchmark/models/dcgan/__init__.py 187 torchbenchmark/models/dcgan/install.py 6 torchbenchmark/models/dcgan/metadata.yaml 6 torchbenchmark/models/demucs/__init__.py 73 torchbenchmark/models/demucs/check.py 5 torchbenchmark/models/demucs/demucs/__init__.py 1 torchbenchmark/models/demucs/demucs/__main__.py 189 torchbenchmark/models/demucs/demucs/audio.py 96 torchbenchmark/models/demucs/demucs/augment.py 56 torchbenchmark/models/demucs/demucs/compressed.py 58 torchbenchmark/models/demucs/demucs/model.py 145 torchbenchmark/models/demucs/demucs/parser.py 184 torchbenchmark/models/demucs/demucs/raw.py 137 torchbenchmark/models/demucs/demucs/separate.py 189 torchbenchmark/models/demucs/demucs/tasnet.py 238 torchbenchmark/models/demucs/demucs/test.py 74 torchbenchmark/models/demucs/demucs/train.py 92 torchbenchmark/models/demucs/demucs/utils.py 124 torchbenchmark/models/demucs/dora.py 198 torchbenchmark/models/demucs/environment-cpu.yml 17 torchbenchmark/models/demucs/environment-cuda.yml 18 torchbenchmark/models/demucs/install.py 12 torchbenchmark/models/demucs/metadata.yaml 11 torchbenchmark/models/demucs/quantize.py 24 torchbenchmark/models/demucs/result_table.py 113 torchbenchmark/models/demucs/run.py 46 torchbenchmark/models/demucs/run_slurm.py 65 torchbenchmark/models/demucs/setup.cfg 6 torchbenchmark/models/demucs/valid_table.py 48 torchbenchmark/models/densenet121/__init__.py 9 torchbenchmark/models/densenet121/install.py 1 torchbenchmark/models/densenet121/metadata.yaml 9 torchbenchmark/models/detectron2_maskrcnn/__init__.py 67 torchbenchmark/models/detectron2_maskrcnn/install.py 13 torchbenchmark/models/detectron2_maskrcnn/metadata.yaml 9 torchbenchmark/models/dlrm/__init__.py 175 torchbenchmark/models/dlrm/cython/cython_compile.py 16 torchbenchmark/models/dlrm/cython/cython_criteo.py 25 torchbenchmark/models/dlrm/data_loader_terabyte.py 280 torchbenchmark/models/dlrm/data_utils.py 875 torchbenchmark/models/dlrm/dlrm_data_caffe2.py 411 torchbenchmark/models/dlrm/dlrm_data_pytorch.py 802 torchbenchmark/models/dlrm/dlrm_s_caffe2.py 896 torchbenchmark/models/dlrm/dlrm_s_pytorch.py 898 torchbenchmark/models/dlrm/install.py 6 torchbenchmark/models/dlrm/metadata.yaml 8 torchbenchmark/models/dlrm/tools/visualize.py 712 torchbenchmark/models/dlrm/tricks/md_embedding_bag.py 58 torchbenchmark/models/dlrm/tricks/qr_embedding_bag.py 74 torchbenchmark/models/drq/__init__.py 144 torchbenchmark/models/drq/config.py 26 torchbenchmark/models/drq/drq.py 200 torchbenchmark/models/drq/install.py 7 torchbenchmark/models/drq/metadata.yaml 8 torchbenchmark/models/drq/replay_buffer.py 54 torchbenchmark/models/drq/utils.py 129 torchbenchmark/models/fastNLP_Bert/__init__.py 158 torchbenchmark/models/fastNLP_Bert/cmrc2018_simulator.py 112 torchbenchmark/models/fastNLP_Bert/install.py 19 torchbenchmark/models/fastNLP_Bert/metadata.yaml 8 torchbenchmark/models/hf_Albert/__init__.py 8 torchbenchmark/models/hf_Albert/install.py 11 torchbenchmark/models/hf_Albert/metadata.yaml 8 torchbenchmark/models/hf_Bart/__init__.py 8 torchbenchmark/models/hf_Bart/install.py 11 torchbenchmark/models/hf_Bart/metadata.yaml 8 torchbenchmark/models/hf_Bert/__init__.py 8 torchbenchmark/models/hf_Bert/install.py 11 torchbenchmark/models/hf_Bert/metadata.yaml 8 torchbenchmark/models/hf_BigBird/__init__.py 8 torchbenchmark/models/hf_BigBird/install.py 11 torchbenchmark/models/hf_BigBird/metadata.yaml 8 torchbenchmark/models/hf_DistilBert/__init__.py 8 torchbenchmark/models/hf_DistilBert/install.py 11 torchbenchmark/models/hf_DistilBert/metadata.yaml 8 torchbenchmark/models/hf_GPT2/__init__.py 8 torchbenchmark/models/hf_GPT2/install.py 11 torchbenchmark/models/hf_GPT2/metadata.yaml 8 torchbenchmark/models/hf_Longformer/__init__.py 8 torchbenchmark/models/hf_Longformer/install.py 11 torchbenchmark/models/hf_Longformer/metadata.yaml 8 torchbenchmark/models/hf_Reformer/__init__.py 8 torchbenchmark/models/hf_Reformer/install.py 11 torchbenchmark/models/hf_Reformer/metadata.yaml 8 torchbenchmark/models/hf_T5/__init__.py 8 torchbenchmark/models/hf_T5/install.py 11 torchbenchmark/models/hf_T5/metadata.yaml 9 torchbenchmark/models/maml/__init__.py 74 torchbenchmark/models/maml/batch.pt 3 torchbenchmark/models/maml/install.py 1 torchbenchmark/models/maml/learner.py 127 torchbenchmark/models/maml/meta.py 118 torchbenchmark/models/maml/metadata.yaml 8 torchbenchmark/models/maml_omniglot/__init__.py 69 torchbenchmark/models/maml_omniglot/batch.pt 3 torchbenchmark/models/maml_omniglot/install.py 6 torchbenchmark/models/maml_omniglot/metadata.yaml 8 torchbenchmark/models/mnasnet1_0/__init__.py 9 torchbenchmark/models/mnasnet1_0/install.py 1 torchbenchmark/models/mnasnet1_0/metadata.yaml 6 torchbenchmark/models/mobilenet_v2/__init__.py 9 torchbenchmark/models/mobilenet_v2/install.py 1 torchbenchmark/models/mobilenet_v2/metadata.yaml 6 torchbenchmark/models/mobilenet_v2_quantized_qat/__init__.py 45 torchbenchmark/models/mobilenet_v2_quantized_qat/install.py 1 torchbenchmark/models/mobilenet_v2_quantized_qat/metadata.yaml 6 torchbenchmark/models/mobilenet_v3_large/__init__.py 9 torchbenchmark/models/mobilenet_v3_large/install.py 1 torchbenchmark/models/mobilenet_v3_large/metadata.yaml 6 torchbenchmark/models/moco/__init__.py 91 torchbenchmark/models/moco/detection/configs/Base-RCNN-C4-BN.yaml 17 torchbenchmark/models/moco/detection/configs/coco_R_50_C4_2x.yaml 13 torchbenchmark/models/moco/detection/configs/coco_R_50_C4_2x_moco.yaml 9 torchbenchmark/models/moco/detection/configs/pascal_voc_R_50_C4_24k.yaml 16 torchbenchmark/models/moco/detection/configs/pascal_voc_R_50_C4_24k_moco.yaml 9 torchbenchmark/models/moco/detection/convert-pretrain-to-detectron2.py 26 torchbenchmark/models/moco/detection/train_net.py 55 torchbenchmark/models/moco/install.py 2 torchbenchmark/models/moco/main_lincls.py 357 torchbenchmark/models/moco/main_moco.py 316 torchbenchmark/models/moco/metadata.yaml 9 torchbenchmark/models/moco/moco/__init__.py 1 torchbenchmark/models/moco/moco/builder.py 77 torchbenchmark/models/moco/moco/loader.py 16 torchbenchmark/models/nvidia_deeprecommender/__init__.py 43 torchbenchmark/models/nvidia_deeprecommender/compute_RMSE.py 25 torchbenchmark/models/nvidia_deeprecommender/data_utils/movie_lense_data_converter.py 89 torchbenchmark/models/nvidia_deeprecommender/data_utils/netflix_data_convert.py 168 torchbenchmark/models/nvidia_deeprecommender/install.py 6 torchbenchmark/models/nvidia_deeprecommender/metadata.yaml 8 torchbenchmark/models/nvidia_deeprecommender/nvinfer.py 199 torchbenchmark/models/nvidia_deeprecommender/nvtrain.py 334 torchbenchmark/models/nvidia_deeprecommender/reco_encoder/__init__.py 1 torchbenchmark/models/nvidia_deeprecommender/reco_encoder/data/__init__.py 1 torchbenchmark/models/nvidia_deeprecommender/reco_encoder/data/input_layer.py 119 torchbenchmark/models/nvidia_deeprecommender/reco_encoder/model/__init__.py 1 torchbenchmark/models/nvidia_deeprecommender/reco_encoder/model/model.py 94 torchbenchmark/models/opacus_cifar10/__init__.py 60 torchbenchmark/models/opacus_cifar10/install.py 6 torchbenchmark/models/opacus_cifar10/metadata.yaml 8 torchbenchmark/models/pyhpc_equation_of_state/__init__.py 44 torchbenchmark/models/pyhpc_equation_of_state/eos_pytorch.py 243 torchbenchmark/models/pyhpc_equation_of_state/install.py 2 torchbenchmark/models/pyhpc_equation_of_state/metadata.yaml 6 torchbenchmark/models/pyhpc_isoneutral_mixing/__init__.py 124 torchbenchmark/models/pyhpc_isoneutral_mixing/install.py 2 torchbenchmark/models/pyhpc_isoneutral_mixing/isoneutral_pytorch.py 229 torchbenchmark/models/pyhpc_isoneutral_mixing/metadata.yaml 6 torchbenchmark/models/pyhpc_turbulent_kinetic_energy/__init__.py 119 torchbenchmark/models/pyhpc_turbulent_kinetic_energy/install.py 2 torchbenchmark/models/pyhpc_turbulent_kinetic_energy/metadata.yaml 6 torchbenchmark/models/pyhpc_turbulent_kinetic_energy/tke_pytorch.py 273 torchbenchmark/models/pytorch_CycleGAN_and_pix2pix/CycleGAN.ipynb 255 torchbenchmark/models/pytorch_CycleGAN_and_pix2pix/__init__.py 49 torchbenchmark/models/pytorch_CycleGAN_and_pix2pix/data/__init__.py 41 torchbenchmark/models/pytorch_CycleGAN_and_pix2pix/data/aligned_dataset.py 27 torchbenchmark/models/pytorch_CycleGAN_and_pix2pix/data/base_dataset.py 93 torchbenchmark/models/pytorch_CycleGAN_and_pix2pix/data/colorization_dataset.py 30 torchbenchmark/models/pytorch_CycleGAN_and_pix2pix/data/image_folder.py 46 torchbenchmark/models/pytorch_CycleGAN_and_pix2pix/data/single_dataset.py 16 torchbenchmark/models/pytorch_CycleGAN_and_pix2pix/data/template_dataset.py 18 torchbenchmark/models/pytorch_CycleGAN_and_pix2pix/data/unaligned_dataset.py 33 torchbenchmark/models/pytorch_CycleGAN_and_pix2pix/environment.yml 14 torchbenchmark/models/pytorch_CycleGAN_and_pix2pix/install.py 6 torchbenchmark/models/pytorch_CycleGAN_and_pix2pix/metadata.yaml 9 torchbenchmark/models/pytorch_CycleGAN_and_pix2pix/models/__init__.py 22 torchbenchmark/models/pytorch_CycleGAN_and_pix2pix/models/base_model.py 123 torchbenchmark/models/pytorch_CycleGAN_and_pix2pix/models/colorization_model.py 24 torchbenchmark/models/pytorch_CycleGAN_and_pix2pix/models/cycle_gan_model.py 101 torchbenchmark/models/pytorch_CycleGAN_and_pix2pix/models/networks.py 312 torchbenchmark/models/pytorch_CycleGAN_and_pix2pix/models/pix2pix_model.py 64 torchbenchmark/models/pytorch_CycleGAN_and_pix2pix/models/template_model.py 35 torchbenchmark/models/pytorch_CycleGAN_and_pix2pix/options/__init__.py 1 torchbenchmark/models/pytorch_CycleGAN_and_pix2pix/options/base_options.py 90 torchbenchmark/models/pytorch_CycleGAN_and_pix2pix/options/train_options.py 29 torchbenchmark/models/pytorch_CycleGAN_and_pix2pix/pix2pix.ipynb 265 torchbenchmark/models/pytorch_CycleGAN_and_pix2pix/scripts/edges/PostprocessHED.m 52 torchbenchmark/models/pytorch_CycleGAN_and_pix2pix/scripts/edges/batch_hed.py 50 torchbenchmark/models/pytorch_CycleGAN_and_pix2pix/scripts/eval_cityscapes/cityscapes.py 95 torchbenchmark/models/pytorch_CycleGAN_and_pix2pix/scripts/eval_cityscapes/evaluate.py 60 torchbenchmark/models/pytorch_CycleGAN_and_pix2pix/scripts/eval_cityscapes/util.py 21 torchbenchmark/models/pytorch_CycleGAN_and_pix2pix/train_cyclegan.py 45 torchbenchmark/models/pytorch_CycleGAN_and_pix2pix/util/__init__.py 1 torchbenchmark/models/pytorch_CycleGAN_and_pix2pix/util/get_data.py 66 torchbenchmark/models/pytorch_CycleGAN_and_pix2pix/util/html.py 48 torchbenchmark/models/pytorch_CycleGAN_and_pix2pix/util/image_pool.py 29 torchbenchmark/models/pytorch_CycleGAN_and_pix2pix/util/util.py 35 torchbenchmark/models/pytorch_CycleGAN_and_pix2pix/util/visualizer.py 144 torchbenchmark/models/pytorch_stargan/__init__.py 67 torchbenchmark/models/pytorch_stargan/data_loader.py 70 torchbenchmark/models/pytorch_stargan/install.py 6 torchbenchmark/models/pytorch_stargan/logger.py 7 torchbenchmark/models/pytorch_stargan/main.py 95 torchbenchmark/models/pytorch_stargan/metadata.yaml 6 torchbenchmark/models/pytorch_stargan/model.py 63 torchbenchmark/models/pytorch_stargan/solver.py 404 torchbenchmark/models/pytorch_struct/__init__.py 88 torchbenchmark/models/pytorch_struct/install.py 6 torchbenchmark/models/pytorch_struct/metadata.yaml 8 torchbenchmark/models/pytorch_struct/networks/NeuralCFG.py 62 torchbenchmark/models/pytorch_unet/__init__.py 67 torchbenchmark/models/pytorch_unet/install.py 6 torchbenchmark/models/pytorch_unet/metadata.yaml 9 torchbenchmark/models/pytorch_unet/pytorch_unet/__init__.py 1 torchbenchmark/models/pytorch_unet/pytorch_unet/evaluate.py 23 torchbenchmark/models/pytorch_unet/pytorch_unet/hubconf.py 8 torchbenchmark/models/pytorch_unet/pytorch_unet/predict.py 87 torchbenchmark/models/pytorch_unet/pytorch_unet/train.py 153 torchbenchmark/models/pytorch_unet/pytorch_unet/unet/__init__.py 1 torchbenchmark/models/pytorch_unet/pytorch_unet/unet/unet_model.py 30 torchbenchmark/models/pytorch_unet/pytorch_unet/unet/unet_parts.py 50 torchbenchmark/models/pytorch_unet/pytorch_unet/utils/__init__.py 1 torchbenchmark/models/pytorch_unet/pytorch_unet/utils/data_loading.py 63 torchbenchmark/models/pytorch_unet/pytorch_unet/utils/dice_score.py 27 torchbenchmark/models/pytorch_unet/pytorch_unet/utils/utils.py 15 torchbenchmark/models/resnet18/__init__.py 9 torchbenchmark/models/resnet18/install.py 1 torchbenchmark/models/resnet18/metadata.yaml 6 torchbenchmark/models/resnet50/__init__.py 9 torchbenchmark/models/resnet50/install.py 1 torchbenchmark/models/resnet50/metadata.yaml 6 torchbenchmark/models/resnet50_quantized_qat/__init__.py 47 torchbenchmark/models/resnet50_quantized_qat/install.py 1 torchbenchmark/models/resnet50_quantized_qat/metadata.yaml 6 torchbenchmark/models/resnext50_32x4d/__init__.py 9 torchbenchmark/models/resnext50_32x4d/install.py 1 torchbenchmark/models/resnext50_32x4d/metadata.yaml 6 torchbenchmark/models/shufflenet_v2_x1_0/__init__.py 9 torchbenchmark/models/shufflenet_v2_x1_0/install.py 1 torchbenchmark/models/shufflenet_v2_x1_0/metadata.yaml 6 torchbenchmark/models/soft_actor_critic/__init__.py 218 torchbenchmark/models/soft_actor_critic/config.py 42 torchbenchmark/models/soft_actor_critic/envs.py 261 torchbenchmark/models/soft_actor_critic/install.py 7 torchbenchmark/models/soft_actor_critic/metadata.yaml 8 torchbenchmark/models/soft_actor_critic/nets.py 236 torchbenchmark/models/soft_actor_critic/replay.py 314 torchbenchmark/models/soft_actor_critic/sac.py 101 torchbenchmark/models/soft_actor_critic/utils.py 125 torchbenchmark/models/speech_transformer/__init__.py 43 torchbenchmark/models/speech_transformer/config.py 171 torchbenchmark/models/speech_transformer/install.py 6 torchbenchmark/models/speech_transformer/metadata.yaml 9 torchbenchmark/models/speech_transformer/speech_transformer/data/__init__.py 1 torchbenchmark/models/speech_transformer/speech_transformer/data/data.py 95 torchbenchmark/models/speech_transformer/speech_transformer/transformer/__init__.py 1 torchbenchmark/models/speech_transformer/speech_transformer/transformer/attention.py 58 torchbenchmark/models/speech_transformer/speech_transformer/transformer/decoder.py 163 torchbenchmark/models/speech_transformer/speech_transformer/transformer/encoder.py 56 torchbenchmark/models/speech_transformer/speech_transformer/transformer/loss.py 29 torchbenchmark/models/speech_transformer/speech_transformer/transformer/module.py 46 torchbenchmark/models/speech_transformer/speech_transformer/transformer/optimizer.py 47 torchbenchmark/models/speech_transformer/speech_transformer/transformer/transformer.py 85 torchbenchmark/models/speech_transformer/speech_transformer/utils/__init__.py 1 torchbenchmark/models/speech_transformer/speech_transformer/utils/filt.py 18 torchbenchmark/models/speech_transformer/speech_transformer/utils/json2trn.py 33 torchbenchmark/models/speech_transformer/speech_transformer/utils/mergejson.py 55 torchbenchmark/models/speech_transformer/speech_transformer/utils/scp2json.py 18 torchbenchmark/models/speech_transformer/speech_transformer/utils/text2token.py 72 torchbenchmark/models/speech_transformer/speech_transformer/utils/utils.py 77 torchbenchmark/models/squeezenet1_1/__init__.py 22 torchbenchmark/models/squeezenet1_1/install.py 1 torchbenchmark/models/squeezenet1_1/metadata.yaml 8 torchbenchmark/models/tacotron2/__init__.py 92 torchbenchmark/models/tacotron2/audio_processing.py 30 torchbenchmark/models/tacotron2/data_utils.py 78 torchbenchmark/models/tacotron2/distributed.py 133 torchbenchmark/models/tacotron2/hparams.py 59 torchbenchmark/models/tacotron2/install.py 12 torchbenchmark/models/tacotron2/layers.py 56 torchbenchmark/models/tacotron2/logger.py 40 torchbenchmark/models/tacotron2/loss_function.py 15 torchbenchmark/models/tacotron2/loss_scaler.py 83 torchbenchmark/models/tacotron2/metadata.yaml 10 torchbenchmark/models/tacotron2/model.py 329 torchbenchmark/models/tacotron2/multiproc.py 20 torchbenchmark/models/tacotron2/plotting_utils.py 48 torchbenchmark/models/tacotron2/stft.py 82 torchbenchmark/models/tacotron2/text/__init__.py 49 torchbenchmark/models/tacotron2/text/cleaners.py 61 torchbenchmark/models/tacotron2/text/cmudict.py 47 torchbenchmark/models/tacotron2/text/numbers.py 55 torchbenchmark/models/tacotron2/text/symbols.py 10 torchbenchmark/models/tacotron2/train_tacotron2.py 216 torchbenchmark/models/tacotron2/utils.py 26 torchbenchmark/models/tacotron2/waveglow/convert_model.py 65 torchbenchmark/models/tacotron2/waveglow/denoiser.py 33 torchbenchmark/models/tacotron2/waveglow/distributed.py 107 torchbenchmark/models/tacotron2/waveglow/glow.py 205 torchbenchmark/models/tacotron2/waveglow/glow_old.py 142 torchbenchmark/models/tacotron2/waveglow/inference.py 49 torchbenchmark/models/tacotron2/waveglow/mel2samp.py 79 torchbenchmark/models/tacotron2/waveglow/tacotron2/audio_processing.py 30 torchbenchmark/models/tacotron2/waveglow/tacotron2/data_utils.py 78 torchbenchmark/models/tacotron2/waveglow/tacotron2/distributed.py 86 torchbenchmark/models/tacotron2/waveglow/tacotron2/fp16_optimizer.py 182 torchbenchmark/models/tacotron2/waveglow/tacotron2/hparams.py 57 torchbenchmark/models/tacotron2/waveglow/tacotron2/layers.py 56 torchbenchmark/models/tacotron2/waveglow/tacotron2/logger.py 40 torchbenchmark/models/tacotron2/waveglow/tacotron2/loss_function.py 15 torchbenchmark/models/tacotron2/waveglow/tacotron2/loss_scaler.py 83 torchbenchmark/models/tacotron2/waveglow/tacotron2/model.py 333 torchbenchmark/models/tacotron2/waveglow/tacotron2/multiproc.py 20 torchbenchmark/models/tacotron2/waveglow/tacotron2/plotting_utils.py 48 torchbenchmark/models/tacotron2/waveglow/tacotron2/stft.py 81 torchbenchmark/models/tacotron2/waveglow/tacotron2/text/__init__.py 50 torchbenchmark/models/tacotron2/waveglow/tacotron2/text/cleaners.py 61 torchbenchmark/models/tacotron2/waveglow/tacotron2/text/cmudict.py 47 torchbenchmark/models/tacotron2/waveglow/tacotron2/text/numbers.py 55 torchbenchmark/models/tacotron2/waveglow/tacotron2/text/symbols.py 9 torchbenchmark/models/tacotron2/waveglow/tacotron2/train.py 216 torchbenchmark/models/tacotron2/waveglow/tacotron2/utils.py 22 torchbenchmark/models/tacotron2/waveglow/train.py 124 torchbenchmark/models/timm_efficientdet/__init__.py 132 torchbenchmark/models/timm_efficientdet/args.py 154 torchbenchmark/models/timm_efficientdet/install.py 34 torchbenchmark/models/timm_efficientdet/loader.py 67 torchbenchmark/models/timm_efficientdet/metadata.yaml 9 torchbenchmark/models/timm_efficientdet/train.py 61 torchbenchmark/models/timm_efficientnet/__init__.py 9 torchbenchmark/models/timm_efficientnet/install.py 1 torchbenchmark/models/timm_efficientnet/metadata.yaml 6 torchbenchmark/models/timm_nfnet/__init__.py 9 torchbenchmark/models/timm_nfnet/install.py 1 torchbenchmark/models/timm_nfnet/metadata.yaml 6 torchbenchmark/models/timm_regnet/__init__.py 9 torchbenchmark/models/timm_regnet/install.py 1 torchbenchmark/models/timm_regnet/metadata.yaml 6 torchbenchmark/models/timm_resnest/__init__.py 9 torchbenchmark/models/timm_resnest/install.py 1 torchbenchmark/models/timm_resnest/metadata.yaml 6 torchbenchmark/models/timm_vision_transformer/__init__.py 9 torchbenchmark/models/timm_vision_transformer/install.py 1 torchbenchmark/models/timm_vision_transformer/metadata.yaml 6 torchbenchmark/models/timm_vovnet/__init__.py 9 torchbenchmark/models/timm_vovnet/install.py 1 torchbenchmark/models/timm_vovnet/metadata.yaml 6 torchbenchmark/models/tts_angular/__init__.py 25 torchbenchmark/models/tts_angular/angular_tts_main.py 250 torchbenchmark/models/tts_angular/install.py 6 torchbenchmark/models/tts_angular/metadata.yaml 8 torchbenchmark/models/tts_angular/model.py 186 torchbenchmark/models/vgg16/__init__.py 9 torchbenchmark/models/vgg16/install.py 1 torchbenchmark/models/vgg16/metadata.yaml 6 torchbenchmark/models/vision_maskrcnn/__init__.py 72 torchbenchmark/models/vision_maskrcnn/coco_utils.py 61 torchbenchmark/models/vision_maskrcnn/install.py 13 torchbenchmark/models/vision_maskrcnn/metadata.yaml 8 torchbenchmark/models/yolov3/__init__.py 81 torchbenchmark/models/yolov3/cfg/cd53s-yolov3.cfg 820 torchbenchmark/models/yolov3/cfg/cd53s.cfg 926 torchbenchmark/models/yolov3/cfg/csresnext50-panet-spp.cfg 830 torchbenchmark/models/yolov3/cfg/yolov3-1cls.cfg 648 torchbenchmark/models/yolov3/cfg/yolov3-asff.cfg 661 torchbenchmark/models/yolov3/cfg/yolov3-spp-1cls.cfg 670 torchbenchmark/models/yolov3/cfg/yolov3-spp-3cls.cfg 670 torchbenchmark/models/yolov3/cfg/yolov3-spp-matrix.cfg 912 torchbenchmark/models/yolov3/cfg/yolov3-spp-pan-scale.cfg 726 torchbenchmark/models/yolov3/cfg/yolov3-spp.cfg 670 torchbenchmark/models/yolov3/cfg/yolov3-spp3.cfg 700 torchbenchmark/models/yolov3/cfg/yolov3-tiny-1cls.cfg 149 torchbenchmark/models/yolov3/cfg/yolov3-tiny-3cls.cfg 149 torchbenchmark/models/yolov3/cfg/yolov3-tiny.cfg 149 torchbenchmark/models/yolov3/cfg/yolov3-tiny3-1cls.cfg 184 torchbenchmark/models/yolov3/cfg/yolov3-tiny3.cfg 184 torchbenchmark/models/yolov3/cfg/yolov3.cfg 648 torchbenchmark/models/yolov3/cfg/yolov4-relu.cfg 956 torchbenchmark/models/yolov3/cfg/yolov4-tiny.cfg 234 torchbenchmark/models/yolov3/cfg/yolov4.cfg 956 torchbenchmark/models/yolov3/check.py 5 torchbenchmark/models/yolov3/detect.py 134 torchbenchmark/models/yolov3/install.py 13 torchbenchmark/models/yolov3/metadata.yaml 10 torchbenchmark/models/yolov3/test.py 198 torchbenchmark/models/yolov3/yolo_models.py 350 torchbenchmark/models/yolov3/yolo_train.py 331 torchbenchmark/models/yolov3/yolo_utils/__init__.py 1 torchbenchmark/models/yolov3/yolo_utils/adabound.py 140 torchbenchmark/models/yolov3/yolo_utils/datasets.py 583 torchbenchmark/models/yolov3/yolo_utils/google_utils.py 41 torchbenchmark/models/yolov3/yolo_utils/layers.py 102 torchbenchmark/models/yolov3/yolo_utils/parse_config.py 54 torchbenchmark/models/yolov3/yolo_utils/torch_utils.py 133 torchbenchmark/models/yolov3/yolo_utils/utils.py 693 torchbenchmark/score/compute_score.py 26 torchbenchmark/score/compute_score_v0.py 79 torchbenchmark/score/compute_score_v1.py 185 torchbenchmark/score/compute_score_v2.py 161 torchbenchmark/score/configs/v0/config-v0.yaml 209 torchbenchmark/score/configs/v1/config-v1.yaml 490 torchbenchmark/score/configs/v2/config-v2.yaml 633 torchbenchmark/score/generate_score_config.py 105 torchbenchmark/score/score.yml 29 torchbenchmark/score/torchbench_0.0.yaml 227 torchbenchmark/tasks.py 20 torchbenchmark/util/__init__.py 1 torchbenchmark/util/backends/cudagraph.py 23 torchbenchmark/util/backends/fx2trt.py 22 torchbenchmark/util/backends/jit.py 11 torchbenchmark/util/backends/torch_trt.py 14 torchbenchmark/util/backends/torchdynamo.py 15 torchbenchmark/util/classify_graphs.py 143 torchbenchmark/util/data.py 76 torchbenchmark/util/e2emodel.py 11 torchbenchmark/util/env_check.py 35 torchbenchmark/util/extra_args.py 94 torchbenchmark/util/framework/huggingface/args.py 23 torchbenchmark/util/framework/huggingface/model_factory.py 71 torchbenchmark/util/framework/huggingface/patch_hf.py 25 torchbenchmark/util/framework/timm/args.py 250 torchbenchmark/util/framework/timm/instantiate.py 162 torchbenchmark/util/framework/timm/loader.py 4 torchbenchmark/util/framework/timm/model_factory.py 67 torchbenchmark/util/framework/timm/timm_config.py 19 torchbenchmark/util/framework/timm/train.py 98 torchbenchmark/util/framework/transformers/text_classification/args.py 120 torchbenchmark/util/framework/transformers/text_classification/dataset.py 96 torchbenchmark/util/framework/vision/args.py 23 torchbenchmark/util/framework/vision/model_factory.py 70 torchbenchmark/util/gen_hf_generative.py 27 torchbenchmark/util/gen_torchvision_benchmarks.py 15 torchbenchmark/util/gitutils.py 105 torchbenchmark/util/machine_config.py 272 torchbenchmark/util/metadata_utils.py 17 torchbenchmark/util/model.py 153 torchbenchmark/util/prefetch.py 8 torchbenchmark/util/sweep.py 61 torchbenchmark/util/torch_nightly.py 91 torchbenchmark/util/torchtext_legacy/batch.py 64 torchbenchmark/util/torchtext_legacy/data.py 205 torchbenchmark/util/torchtext_legacy/datasets.py 40 torchbenchmark/util/torchtext_legacy/example.py 81 torchbenchmark/util/torchtext_legacy/field.py 191 torchbenchmark/util/torchtext_legacy/iterator.py 180 torchbenchmark/util/torchtext_legacy/pipeline.py 31 torchbenchmark/util/torchtext_legacy/translation.py 122 torchbenchmark/util/torchtext_legacy/vocab.py 105