├── DeepSpeed └── Megatron-LM │ ├── README.md │ └── scripts │ ├── deepspeed_hosts │ ├── ds_zero2_config.json │ └── ds_zero2_pretrain_gpt2_model_parallel.sh ├── HugeCTR ├── README.md ├── dlrm │ ├── README.md │ ├── baseline_log_info.csv │ ├── dlrm.py │ └── dlrm_baseline_auc_lossses.sh └── wdl │ ├── README.md │ ├── scripts │ ├── 300k_iter.sh │ ├── 500_iter.sh │ ├── bsz_x2.sh │ ├── fix_bsz_per_device.sh │ ├── fix_total_bsz.sh │ ├── gpu_memory_usage.py │ ├── vocab_size_x2.sh │ └── wdl.py │ └── tools │ ├── extract_hugectr_logs.py │ └── extract_losses_aucs.sh ├── LICENSE ├── Megatron-LM ├── README.md └── scripts │ └── mutil_perf_pretrain_gpt_dp_mp_pp.sh ├── MindSpore ├── bert │ ├── README.md │ ├── extract_mindspore_logs_time.py │ ├── run_pretrain.py │ └── scripts │ │ ├── run_distributed_pretrain_for_gpu.sh │ │ ├── run_multi_node.sh │ │ ├── run_single_node.sh │ │ └── run_standalone_pretrain_for_gpu.sh └── resnet50v1.5 │ ├── README.md │ ├── extract_mindspore_logs_time.py │ ├── scripts │ ├── run_distribute_train_gpu.sh │ ├── run_multi_node.sh │ ├── run_single_node.sh │ └── run_standalone_train_gpu.sh │ └── train.py ├── MxNet ├── BERT │ ├── README.md │ ├── extract_mxnet_logs.py │ ├── pretrain.sh │ └── run_test.sh ├── Classification │ └── RN50v1b │ │ ├── README.md │ │ ├── extract_mxnet_logs.py │ │ ├── run_test.sh │ │ └── runner.sh └── InsightFace │ ├── ArcFace │ ├── README.md │ ├── extract_mxnet_logs.py │ ├── run_test.sh │ └── runner.sh │ └── PartailFC │ ├── README.md │ ├── extract_mxnet_logs.py │ ├── run_multi_node_test.sh │ ├── run_test.sh │ └── runner.sh ├── NVIDIADeepLearningExamples ├── MxNet │ └── Classification │ │ └── RN50v1.5 │ │ ├── README.md │ │ ├── extract_mxnet_logs.py │ │ ├── extract_mxnet_logs_time.py │ │ ├── run_test.sh │ │ └── runner.sh ├── PyTorch │ ├── BERT │ │ ├── README.md │ │ ├── extract_pytorch_logs_time.py │ │ └── scripts │ │ │ ├── run_multi_nodes.sh │ │ │ ├── run_single_node.sh │ │ │ ├── run_two_nodes.sh │ │ │ └── single_node_train.sh │ └── resnet50v1.5 │ │ ├── README.md │ │ ├── extract_pytorch_logs_time.py │ │ └── scripts │ │ ├── run_multi_nodes.sh │ │ ├── run_single_node.sh │ │ ├── run_two_nodes.sh │ │ └── single_node_train.sh ├── README.md └── TensorFlow │ ├── Classification │ └── ConvNets │ │ └── resnet50v1.5 │ │ ├── README.md │ │ ├── extract_tensorflow_logs.py │ │ ├── extract_tensorflow_logs_time.py │ │ └── scripts │ │ ├── multi_node_train.sh │ │ ├── run_multi_node.sh │ │ ├── run_single_node.sh │ │ ├── run_two_node.sh │ │ └── single_node_train.sh │ └── LanguageModeling │ └── BERT │ ├── README.md │ ├── extract_tensorflow_logs.py │ ├── extract_tensorflow_logs_time.py │ └── scripts │ ├── multi_node_run_pretraining_adam.sh │ ├── run_multi_node.sh │ ├── run_pretraining_adam.sh │ ├── run_single_node.sh │ └── run_two_node.sh ├── OneFlow ├── Classification │ └── ConvNets │ │ └── resnet50v1.5 │ │ ├── README.md │ │ ├── extract_cnn_result.py │ │ ├── extract_util.py │ │ ├── reports │ │ ├── README.md │ │ ├── resnet50_oneflow_v0.2_report_1009.md │ │ ├── resnet50_oneflow_v0.3.1_report_1202.md │ │ └── rn50_fp32_report_0821.md │ │ └── scripts │ │ ├── cp_logs.sh │ │ ├── launch_all.sh │ │ ├── rn50_train.sh │ │ ├── schedule_launch.sh │ │ └── stop_all.sh ├── ClickThroughRate │ └── WideDeepLearning │ │ ├── README.md │ │ ├── docker │ │ ├── build.sh │ │ ├── launch.sh │ │ └── ubuntu.dockerfile │ │ ├── extract_info_from_log.py │ │ ├── extract_info_from_log.sh │ │ ├── gpu_memory_usage.py │ │ ├── imgs │ │ ├── of_1node1Device_latency_memory.png │ │ ├── of_1node1Device_vocabsize_latency_memory.png │ │ ├── of_1node8Device_latency_memory.png │ │ ├── of_1node8Device_vocabsize_latency_memory.png │ │ ├── of_4node32Device_latency_memory.png │ │ ├── of_4node32Device_vocabsize_latency_memory.png │ │ ├── of_fixed_batchsize_per_device.png │ │ └── of_fixed_total_batchsize.png │ │ └── scripts │ │ ├── 300k_iters.sh │ │ ├── 500_iters.sh │ │ ├── bsz_x2.sh │ │ ├── fix_bsz_per_device.sh │ │ ├── fix_total_bsz.sh │ │ └── vocab_x2.sh ├── LanguageModeling │ ├── BERT │ │ ├── README.md │ │ ├── extract_bert_result.py │ │ ├── extract_util.py │ │ ├── reports │ │ │ ├── README.md │ │ │ ├── bert_base_fp32_report_0822.md │ │ │ ├── bert_base_oneflow_v0.2_report_1009.md │ │ │ ├── bert_base_oneflow_v0.3.1_report_1202.md │ │ │ └── imgs │ │ │ │ ├── of_bert_base_latency_throughput.png │ │ │ │ ├── of_bert_base_speedup.png │ │ │ │ └── of_bert_base_throughput.png │ │ └── scripts │ │ │ ├── bert_base_pretrain.sh │ │ │ ├── cp_logs.sh │ │ │ ├── launch_all.sh │ │ │ ├── schedule_launch.sh │ │ │ └── stop_all.sh │ └── GPT │ │ ├── README.md │ │ └── scripts │ │ ├── openweb_to_json.py │ │ ├── pretrain.sh │ │ └── pretrain_with_container.sh ├── Megatron-LM │ ├── README.md │ └── scripts │ │ └── train_gpt2.sh └── Recognition │ └── insightface │ ├── README.md │ ├── extract_oneflow_logs_time.py │ └── scripts │ ├── multi_run.sh │ ├── run_multi_nodes.sh │ ├── run_single_node.sh │ └── train_insightface.sh ├── PaddlePaddle ├── bert │ ├── README.md │ ├── extract_paddle_logs.py │ └── scripts │ │ ├── make_pretrain_data.sh │ │ ├── multi_node_train.sh │ │ ├── run_multi_node.sh │ │ ├── run_single_node.sh │ │ ├── run_two_node.sh │ │ └── single_node_train.sh └── resnet50v1.5 │ ├── README.md │ ├── extract_paddle_logs.py │ ├── extract_paddle_logs_time.py │ └── scripts │ ├── multi_node_train.sh │ ├── run_multi_node.sh │ ├── run_single_node.sh │ ├── run_two_node.sh │ └── single_node_train.sh ├── PyTorch └── resnet50v1.5 │ ├── README.md │ ├── extract_pytorch_logs_time.py │ └── scripts │ ├── run_multi_nodes.sh │ ├── run_single_node.sh │ ├── run_two_nodes.sh │ └── single_node_train.sh ├── README.md ├── TensorFlow ├── bert │ ├── README.md │ ├── extract_tensorflow_logs_time.py │ └── scripts │ │ ├── run_multi_node.sh │ │ ├── run_single_node.sh │ │ ├── run_two_node.sh │ │ └── single_node_train.sh └── resnet50v1.5 │ ├── README.md │ ├── extract_tensorflow_logs.py │ ├── extract_tensorflow_logs_time.py │ └── scripts │ ├── gpu.yaml │ ├── gpu_fp16.yaml │ ├── multi_node_gpu.yaml │ ├── multi_node_gpu_fp16.yaml │ ├── multi_node_train.sh │ ├── run_multi_node.sh │ ├── run_single_node.sh │ ├── run_two_node.sh │ ├── single_node_train.sh │ ├── two_node_gpu.yaml │ ├── two_node_gpu_fp16.yaml │ └── two_node_train.sh └── reports ├── DLPerf_report_v1.0.xlsm ├── GPT └── dlperf_gpt_test_report_210512.md ├── README.md ├── WideDeepLearning ├── dlperf_wide_and_deep_test_report_v1.md ├── dlperf_wide_and_deep_test_report_v1_cn.md └── imgs │ ├── wdl_vecx2_1n1g_mem_latency.png │ ├── wdl_vecx2_1n8g_mem_latency.png │ └── wdl_vecx2_4n8g_mem_latency.png ├── dlperf_benchmark_test_report_v1.md ├── dlperf_benchmark_test_report_v1_cn.md ├── imgs ├── NCCL_debug_0.jpg ├── NCCL_debug_1.jpg ├── NCCL_debug_2.jpg ├── bert_base_amp_bz64_speedup.png ├── bert_base_amp_bz64_throughput.png ├── bert_base_amp_bz_max_speedup.png ├── bert_base_amp_bz_max_throughput.png ├── bert_base_fp32_bz32_speedup.png ├── bert_base_fp32_bz32_throughput.png ├── bert_base_fp32_bz_max_speedup.png ├── bert_base_fp32_bz_max_throughput.png ├── data_parallel_face_emore_r100_bz64.png ├── data_parallel_face_emore_r100_bz_max.png ├── data_parallel_face_emore_y1_bz256.png ├── data_parallel_face_emore_y1_bz_max.png ├── emore_r100_fp32_b64_pf_en.png ├── emore_r100_fp32_bmax_pf_en.png ├── model_parallel_face_emore_r100_bz64.png ├── model_parallel_face_emore_r100_bz_max.png ├── model_parallel_face_emore_y1_bz256.png ├── model_parallel_face_emore_y1_bz_max.png ├── partial_fc_sample_ratio_0_1_face_emore_r100_bz64.png ├── partial_fc_sample_ratio_0_1_face_emore_r100_bz_max.png ├── partial_fc_sample_ratio_0_1_glint_r100_bz64.png ├── partial_fc_sample_ratio_0_1_glint_r100_bz_max.png ├── r50_amp_bz256_speedup.png ├── r50_amp_bz256_throughput.png ├── r50_fp32_bz128_speedup.png └── r50_fp32_bz128_throughput.png └── insightface ├── dlperf_insightface_test_report_v1.md └── dlperf_insightface_test_report_v1_cn.md /DeepSpeed/Megatron-LM/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/DeepSpeed/Megatron-LM/README.md -------------------------------------------------------------------------------- /DeepSpeed/Megatron-LM/scripts/deepspeed_hosts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/DeepSpeed/Megatron-LM/scripts/deepspeed_hosts -------------------------------------------------------------------------------- /DeepSpeed/Megatron-LM/scripts/ds_zero2_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/DeepSpeed/Megatron-LM/scripts/ds_zero2_config.json -------------------------------------------------------------------------------- /DeepSpeed/Megatron-LM/scripts/ds_zero2_pretrain_gpt2_model_parallel.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/DeepSpeed/Megatron-LM/scripts/ds_zero2_pretrain_gpt2_model_parallel.sh -------------------------------------------------------------------------------- /HugeCTR/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/HugeCTR/README.md -------------------------------------------------------------------------------- /HugeCTR/dlrm/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/HugeCTR/dlrm/README.md -------------------------------------------------------------------------------- /HugeCTR/dlrm/baseline_log_info.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/HugeCTR/dlrm/baseline_log_info.csv -------------------------------------------------------------------------------- /HugeCTR/dlrm/dlrm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/HugeCTR/dlrm/dlrm.py -------------------------------------------------------------------------------- /HugeCTR/dlrm/dlrm_baseline_auc_lossses.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/HugeCTR/dlrm/dlrm_baseline_auc_lossses.sh -------------------------------------------------------------------------------- /HugeCTR/wdl/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/HugeCTR/wdl/README.md -------------------------------------------------------------------------------- /HugeCTR/wdl/scripts/300k_iter.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/HugeCTR/wdl/scripts/300k_iter.sh -------------------------------------------------------------------------------- /HugeCTR/wdl/scripts/500_iter.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/HugeCTR/wdl/scripts/500_iter.sh -------------------------------------------------------------------------------- /HugeCTR/wdl/scripts/bsz_x2.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/HugeCTR/wdl/scripts/bsz_x2.sh -------------------------------------------------------------------------------- /HugeCTR/wdl/scripts/fix_bsz_per_device.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/HugeCTR/wdl/scripts/fix_bsz_per_device.sh -------------------------------------------------------------------------------- /HugeCTR/wdl/scripts/fix_total_bsz.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/HugeCTR/wdl/scripts/fix_total_bsz.sh -------------------------------------------------------------------------------- /HugeCTR/wdl/scripts/gpu_memory_usage.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/HugeCTR/wdl/scripts/gpu_memory_usage.py -------------------------------------------------------------------------------- /HugeCTR/wdl/scripts/vocab_size_x2.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/HugeCTR/wdl/scripts/vocab_size_x2.sh -------------------------------------------------------------------------------- /HugeCTR/wdl/scripts/wdl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/HugeCTR/wdl/scripts/wdl.py -------------------------------------------------------------------------------- /HugeCTR/wdl/tools/extract_hugectr_logs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/HugeCTR/wdl/tools/extract_hugectr_logs.py -------------------------------------------------------------------------------- /HugeCTR/wdl/tools/extract_losses_aucs.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/HugeCTR/wdl/tools/extract_losses_aucs.sh -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/LICENSE -------------------------------------------------------------------------------- /Megatron-LM/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/Megatron-LM/README.md -------------------------------------------------------------------------------- /Megatron-LM/scripts/mutil_perf_pretrain_gpt_dp_mp_pp.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/Megatron-LM/scripts/mutil_perf_pretrain_gpt_dp_mp_pp.sh -------------------------------------------------------------------------------- /MindSpore/bert/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/MindSpore/bert/README.md -------------------------------------------------------------------------------- /MindSpore/bert/extract_mindspore_logs_time.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/MindSpore/bert/extract_mindspore_logs_time.py -------------------------------------------------------------------------------- /MindSpore/bert/run_pretrain.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/MindSpore/bert/run_pretrain.py -------------------------------------------------------------------------------- /MindSpore/bert/scripts/run_distributed_pretrain_for_gpu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/MindSpore/bert/scripts/run_distributed_pretrain_for_gpu.sh -------------------------------------------------------------------------------- /MindSpore/bert/scripts/run_multi_node.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/MindSpore/bert/scripts/run_multi_node.sh -------------------------------------------------------------------------------- /MindSpore/bert/scripts/run_single_node.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/MindSpore/bert/scripts/run_single_node.sh -------------------------------------------------------------------------------- /MindSpore/bert/scripts/run_standalone_pretrain_for_gpu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/MindSpore/bert/scripts/run_standalone_pretrain_for_gpu.sh -------------------------------------------------------------------------------- /MindSpore/resnet50v1.5/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/MindSpore/resnet50v1.5/README.md -------------------------------------------------------------------------------- /MindSpore/resnet50v1.5/extract_mindspore_logs_time.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/MindSpore/resnet50v1.5/extract_mindspore_logs_time.py -------------------------------------------------------------------------------- /MindSpore/resnet50v1.5/scripts/run_distribute_train_gpu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/MindSpore/resnet50v1.5/scripts/run_distribute_train_gpu.sh -------------------------------------------------------------------------------- /MindSpore/resnet50v1.5/scripts/run_multi_node.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/MindSpore/resnet50v1.5/scripts/run_multi_node.sh -------------------------------------------------------------------------------- /MindSpore/resnet50v1.5/scripts/run_single_node.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/MindSpore/resnet50v1.5/scripts/run_single_node.sh -------------------------------------------------------------------------------- /MindSpore/resnet50v1.5/scripts/run_standalone_train_gpu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/MindSpore/resnet50v1.5/scripts/run_standalone_train_gpu.sh -------------------------------------------------------------------------------- /MindSpore/resnet50v1.5/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/MindSpore/resnet50v1.5/train.py -------------------------------------------------------------------------------- /MxNet/BERT/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/MxNet/BERT/README.md -------------------------------------------------------------------------------- /MxNet/BERT/extract_mxnet_logs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/MxNet/BERT/extract_mxnet_logs.py -------------------------------------------------------------------------------- /MxNet/BERT/pretrain.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/MxNet/BERT/pretrain.sh -------------------------------------------------------------------------------- /MxNet/BERT/run_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/MxNet/BERT/run_test.sh -------------------------------------------------------------------------------- /MxNet/Classification/RN50v1b/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/MxNet/Classification/RN50v1b/README.md -------------------------------------------------------------------------------- /MxNet/Classification/RN50v1b/extract_mxnet_logs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/MxNet/Classification/RN50v1b/extract_mxnet_logs.py -------------------------------------------------------------------------------- /MxNet/Classification/RN50v1b/run_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/MxNet/Classification/RN50v1b/run_test.sh -------------------------------------------------------------------------------- /MxNet/Classification/RN50v1b/runner.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/MxNet/Classification/RN50v1b/runner.sh -------------------------------------------------------------------------------- /MxNet/InsightFace/ArcFace/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/MxNet/InsightFace/ArcFace/README.md -------------------------------------------------------------------------------- /MxNet/InsightFace/ArcFace/extract_mxnet_logs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/MxNet/InsightFace/ArcFace/extract_mxnet_logs.py -------------------------------------------------------------------------------- /MxNet/InsightFace/ArcFace/run_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/MxNet/InsightFace/ArcFace/run_test.sh -------------------------------------------------------------------------------- /MxNet/InsightFace/ArcFace/runner.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/MxNet/InsightFace/ArcFace/runner.sh -------------------------------------------------------------------------------- /MxNet/InsightFace/PartailFC/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/MxNet/InsightFace/PartailFC/README.md -------------------------------------------------------------------------------- /MxNet/InsightFace/PartailFC/extract_mxnet_logs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/MxNet/InsightFace/PartailFC/extract_mxnet_logs.py -------------------------------------------------------------------------------- /MxNet/InsightFace/PartailFC/run_multi_node_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/MxNet/InsightFace/PartailFC/run_multi_node_test.sh -------------------------------------------------------------------------------- /MxNet/InsightFace/PartailFC/run_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/MxNet/InsightFace/PartailFC/run_test.sh -------------------------------------------------------------------------------- /MxNet/InsightFace/PartailFC/runner.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/MxNet/InsightFace/PartailFC/runner.sh -------------------------------------------------------------------------------- /NVIDIADeepLearningExamples/MxNet/Classification/RN50v1.5/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/NVIDIADeepLearningExamples/MxNet/Classification/RN50v1.5/README.md -------------------------------------------------------------------------------- /NVIDIADeepLearningExamples/MxNet/Classification/RN50v1.5/extract_mxnet_logs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/NVIDIADeepLearningExamples/MxNet/Classification/RN50v1.5/extract_mxnet_logs.py -------------------------------------------------------------------------------- /NVIDIADeepLearningExamples/MxNet/Classification/RN50v1.5/extract_mxnet_logs_time.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/NVIDIADeepLearningExamples/MxNet/Classification/RN50v1.5/extract_mxnet_logs_time.py -------------------------------------------------------------------------------- /NVIDIADeepLearningExamples/MxNet/Classification/RN50v1.5/run_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/NVIDIADeepLearningExamples/MxNet/Classification/RN50v1.5/run_test.sh -------------------------------------------------------------------------------- /NVIDIADeepLearningExamples/MxNet/Classification/RN50v1.5/runner.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/NVIDIADeepLearningExamples/MxNet/Classification/RN50v1.5/runner.sh -------------------------------------------------------------------------------- /NVIDIADeepLearningExamples/PyTorch/BERT/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/NVIDIADeepLearningExamples/PyTorch/BERT/README.md -------------------------------------------------------------------------------- /NVIDIADeepLearningExamples/PyTorch/BERT/extract_pytorch_logs_time.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/NVIDIADeepLearningExamples/PyTorch/BERT/extract_pytorch_logs_time.py -------------------------------------------------------------------------------- /NVIDIADeepLearningExamples/PyTorch/BERT/scripts/run_multi_nodes.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/NVIDIADeepLearningExamples/PyTorch/BERT/scripts/run_multi_nodes.sh -------------------------------------------------------------------------------- /NVIDIADeepLearningExamples/PyTorch/BERT/scripts/run_single_node.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/NVIDIADeepLearningExamples/PyTorch/BERT/scripts/run_single_node.sh -------------------------------------------------------------------------------- /NVIDIADeepLearningExamples/PyTorch/BERT/scripts/run_two_nodes.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/NVIDIADeepLearningExamples/PyTorch/BERT/scripts/run_two_nodes.sh -------------------------------------------------------------------------------- /NVIDIADeepLearningExamples/PyTorch/BERT/scripts/single_node_train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/NVIDIADeepLearningExamples/PyTorch/BERT/scripts/single_node_train.sh -------------------------------------------------------------------------------- /NVIDIADeepLearningExamples/PyTorch/resnet50v1.5/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/NVIDIADeepLearningExamples/PyTorch/resnet50v1.5/README.md -------------------------------------------------------------------------------- /NVIDIADeepLearningExamples/PyTorch/resnet50v1.5/extract_pytorch_logs_time.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/NVIDIADeepLearningExamples/PyTorch/resnet50v1.5/extract_pytorch_logs_time.py -------------------------------------------------------------------------------- /NVIDIADeepLearningExamples/PyTorch/resnet50v1.5/scripts/run_multi_nodes.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/NVIDIADeepLearningExamples/PyTorch/resnet50v1.5/scripts/run_multi_nodes.sh -------------------------------------------------------------------------------- /NVIDIADeepLearningExamples/PyTorch/resnet50v1.5/scripts/run_single_node.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/NVIDIADeepLearningExamples/PyTorch/resnet50v1.5/scripts/run_single_node.sh -------------------------------------------------------------------------------- /NVIDIADeepLearningExamples/PyTorch/resnet50v1.5/scripts/run_two_nodes.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/NVIDIADeepLearningExamples/PyTorch/resnet50v1.5/scripts/run_two_nodes.sh -------------------------------------------------------------------------------- /NVIDIADeepLearningExamples/PyTorch/resnet50v1.5/scripts/single_node_train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/NVIDIADeepLearningExamples/PyTorch/resnet50v1.5/scripts/single_node_train.sh -------------------------------------------------------------------------------- /NVIDIADeepLearningExamples/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/NVIDIADeepLearningExamples/README.md -------------------------------------------------------------------------------- /NVIDIADeepLearningExamples/TensorFlow/Classification/ConvNets/resnet50v1.5/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/NVIDIADeepLearningExamples/TensorFlow/Classification/ConvNets/resnet50v1.5/README.md -------------------------------------------------------------------------------- /NVIDIADeepLearningExamples/TensorFlow/Classification/ConvNets/resnet50v1.5/extract_tensorflow_logs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/NVIDIADeepLearningExamples/TensorFlow/Classification/ConvNets/resnet50v1.5/extract_tensorflow_logs.py -------------------------------------------------------------------------------- /NVIDIADeepLearningExamples/TensorFlow/Classification/ConvNets/resnet50v1.5/extract_tensorflow_logs_time.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/NVIDIADeepLearningExamples/TensorFlow/Classification/ConvNets/resnet50v1.5/extract_tensorflow_logs_time.py -------------------------------------------------------------------------------- /NVIDIADeepLearningExamples/TensorFlow/Classification/ConvNets/resnet50v1.5/scripts/multi_node_train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/NVIDIADeepLearningExamples/TensorFlow/Classification/ConvNets/resnet50v1.5/scripts/multi_node_train.sh -------------------------------------------------------------------------------- /NVIDIADeepLearningExamples/TensorFlow/Classification/ConvNets/resnet50v1.5/scripts/run_multi_node.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/NVIDIADeepLearningExamples/TensorFlow/Classification/ConvNets/resnet50v1.5/scripts/run_multi_node.sh -------------------------------------------------------------------------------- /NVIDIADeepLearningExamples/TensorFlow/Classification/ConvNets/resnet50v1.5/scripts/run_single_node.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/NVIDIADeepLearningExamples/TensorFlow/Classification/ConvNets/resnet50v1.5/scripts/run_single_node.sh -------------------------------------------------------------------------------- /NVIDIADeepLearningExamples/TensorFlow/Classification/ConvNets/resnet50v1.5/scripts/run_two_node.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/NVIDIADeepLearningExamples/TensorFlow/Classification/ConvNets/resnet50v1.5/scripts/run_two_node.sh -------------------------------------------------------------------------------- /NVIDIADeepLearningExamples/TensorFlow/Classification/ConvNets/resnet50v1.5/scripts/single_node_train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/NVIDIADeepLearningExamples/TensorFlow/Classification/ConvNets/resnet50v1.5/scripts/single_node_train.sh -------------------------------------------------------------------------------- /NVIDIADeepLearningExamples/TensorFlow/LanguageModeling/BERT/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/NVIDIADeepLearningExamples/TensorFlow/LanguageModeling/BERT/README.md -------------------------------------------------------------------------------- /NVIDIADeepLearningExamples/TensorFlow/LanguageModeling/BERT/extract_tensorflow_logs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/NVIDIADeepLearningExamples/TensorFlow/LanguageModeling/BERT/extract_tensorflow_logs.py -------------------------------------------------------------------------------- /NVIDIADeepLearningExamples/TensorFlow/LanguageModeling/BERT/extract_tensorflow_logs_time.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/NVIDIADeepLearningExamples/TensorFlow/LanguageModeling/BERT/extract_tensorflow_logs_time.py -------------------------------------------------------------------------------- /NVIDIADeepLearningExamples/TensorFlow/LanguageModeling/BERT/scripts/multi_node_run_pretraining_adam.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/NVIDIADeepLearningExamples/TensorFlow/LanguageModeling/BERT/scripts/multi_node_run_pretraining_adam.sh -------------------------------------------------------------------------------- /NVIDIADeepLearningExamples/TensorFlow/LanguageModeling/BERT/scripts/run_multi_node.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/NVIDIADeepLearningExamples/TensorFlow/LanguageModeling/BERT/scripts/run_multi_node.sh -------------------------------------------------------------------------------- /NVIDIADeepLearningExamples/TensorFlow/LanguageModeling/BERT/scripts/run_pretraining_adam.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/NVIDIADeepLearningExamples/TensorFlow/LanguageModeling/BERT/scripts/run_pretraining_adam.sh -------------------------------------------------------------------------------- /NVIDIADeepLearningExamples/TensorFlow/LanguageModeling/BERT/scripts/run_single_node.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/NVIDIADeepLearningExamples/TensorFlow/LanguageModeling/BERT/scripts/run_single_node.sh -------------------------------------------------------------------------------- /NVIDIADeepLearningExamples/TensorFlow/LanguageModeling/BERT/scripts/run_two_node.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/NVIDIADeepLearningExamples/TensorFlow/LanguageModeling/BERT/scripts/run_two_node.sh -------------------------------------------------------------------------------- /OneFlow/Classification/ConvNets/resnet50v1.5/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/Classification/ConvNets/resnet50v1.5/README.md -------------------------------------------------------------------------------- /OneFlow/Classification/ConvNets/resnet50v1.5/extract_cnn_result.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/Classification/ConvNets/resnet50v1.5/extract_cnn_result.py -------------------------------------------------------------------------------- /OneFlow/Classification/ConvNets/resnet50v1.5/extract_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/Classification/ConvNets/resnet50v1.5/extract_util.py -------------------------------------------------------------------------------- /OneFlow/Classification/ConvNets/resnet50v1.5/reports/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/Classification/ConvNets/resnet50v1.5/reports/README.md -------------------------------------------------------------------------------- /OneFlow/Classification/ConvNets/resnet50v1.5/reports/resnet50_oneflow_v0.2_report_1009.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/Classification/ConvNets/resnet50v1.5/reports/resnet50_oneflow_v0.2_report_1009.md -------------------------------------------------------------------------------- /OneFlow/Classification/ConvNets/resnet50v1.5/reports/resnet50_oneflow_v0.3.1_report_1202.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/Classification/ConvNets/resnet50v1.5/reports/resnet50_oneflow_v0.3.1_report_1202.md -------------------------------------------------------------------------------- /OneFlow/Classification/ConvNets/resnet50v1.5/reports/rn50_fp32_report_0821.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/Classification/ConvNets/resnet50v1.5/reports/rn50_fp32_report_0821.md -------------------------------------------------------------------------------- /OneFlow/Classification/ConvNets/resnet50v1.5/scripts/cp_logs.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/Classification/ConvNets/resnet50v1.5/scripts/cp_logs.sh -------------------------------------------------------------------------------- /OneFlow/Classification/ConvNets/resnet50v1.5/scripts/launch_all.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/Classification/ConvNets/resnet50v1.5/scripts/launch_all.sh -------------------------------------------------------------------------------- /OneFlow/Classification/ConvNets/resnet50v1.5/scripts/rn50_train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/Classification/ConvNets/resnet50v1.5/scripts/rn50_train.sh -------------------------------------------------------------------------------- /OneFlow/Classification/ConvNets/resnet50v1.5/scripts/schedule_launch.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/Classification/ConvNets/resnet50v1.5/scripts/schedule_launch.sh -------------------------------------------------------------------------------- /OneFlow/Classification/ConvNets/resnet50v1.5/scripts/stop_all.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/Classification/ConvNets/resnet50v1.5/scripts/stop_all.sh -------------------------------------------------------------------------------- /OneFlow/ClickThroughRate/WideDeepLearning/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/ClickThroughRate/WideDeepLearning/README.md -------------------------------------------------------------------------------- /OneFlow/ClickThroughRate/WideDeepLearning/docker/build.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/ClickThroughRate/WideDeepLearning/docker/build.sh -------------------------------------------------------------------------------- /OneFlow/ClickThroughRate/WideDeepLearning/docker/launch.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/ClickThroughRate/WideDeepLearning/docker/launch.sh -------------------------------------------------------------------------------- /OneFlow/ClickThroughRate/WideDeepLearning/docker/ubuntu.dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/ClickThroughRate/WideDeepLearning/docker/ubuntu.dockerfile -------------------------------------------------------------------------------- /OneFlow/ClickThroughRate/WideDeepLearning/extract_info_from_log.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/ClickThroughRate/WideDeepLearning/extract_info_from_log.py -------------------------------------------------------------------------------- /OneFlow/ClickThroughRate/WideDeepLearning/extract_info_from_log.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/ClickThroughRate/WideDeepLearning/extract_info_from_log.sh -------------------------------------------------------------------------------- /OneFlow/ClickThroughRate/WideDeepLearning/gpu_memory_usage.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/ClickThroughRate/WideDeepLearning/gpu_memory_usage.py -------------------------------------------------------------------------------- /OneFlow/ClickThroughRate/WideDeepLearning/imgs/of_1node1Device_latency_memory.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/ClickThroughRate/WideDeepLearning/imgs/of_1node1Device_latency_memory.png -------------------------------------------------------------------------------- /OneFlow/ClickThroughRate/WideDeepLearning/imgs/of_1node1Device_vocabsize_latency_memory.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/ClickThroughRate/WideDeepLearning/imgs/of_1node1Device_vocabsize_latency_memory.png -------------------------------------------------------------------------------- /OneFlow/ClickThroughRate/WideDeepLearning/imgs/of_1node8Device_latency_memory.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/ClickThroughRate/WideDeepLearning/imgs/of_1node8Device_latency_memory.png -------------------------------------------------------------------------------- /OneFlow/ClickThroughRate/WideDeepLearning/imgs/of_1node8Device_vocabsize_latency_memory.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/ClickThroughRate/WideDeepLearning/imgs/of_1node8Device_vocabsize_latency_memory.png -------------------------------------------------------------------------------- /OneFlow/ClickThroughRate/WideDeepLearning/imgs/of_4node32Device_latency_memory.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/ClickThroughRate/WideDeepLearning/imgs/of_4node32Device_latency_memory.png -------------------------------------------------------------------------------- /OneFlow/ClickThroughRate/WideDeepLearning/imgs/of_4node32Device_vocabsize_latency_memory.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/ClickThroughRate/WideDeepLearning/imgs/of_4node32Device_vocabsize_latency_memory.png -------------------------------------------------------------------------------- /OneFlow/ClickThroughRate/WideDeepLearning/imgs/of_fixed_batchsize_per_device.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/ClickThroughRate/WideDeepLearning/imgs/of_fixed_batchsize_per_device.png -------------------------------------------------------------------------------- /OneFlow/ClickThroughRate/WideDeepLearning/imgs/of_fixed_total_batchsize.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/ClickThroughRate/WideDeepLearning/imgs/of_fixed_total_batchsize.png -------------------------------------------------------------------------------- /OneFlow/ClickThroughRate/WideDeepLearning/scripts/300k_iters.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/ClickThroughRate/WideDeepLearning/scripts/300k_iters.sh -------------------------------------------------------------------------------- /OneFlow/ClickThroughRate/WideDeepLearning/scripts/500_iters.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/ClickThroughRate/WideDeepLearning/scripts/500_iters.sh -------------------------------------------------------------------------------- /OneFlow/ClickThroughRate/WideDeepLearning/scripts/bsz_x2.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/ClickThroughRate/WideDeepLearning/scripts/bsz_x2.sh -------------------------------------------------------------------------------- /OneFlow/ClickThroughRate/WideDeepLearning/scripts/fix_bsz_per_device.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/ClickThroughRate/WideDeepLearning/scripts/fix_bsz_per_device.sh -------------------------------------------------------------------------------- /OneFlow/ClickThroughRate/WideDeepLearning/scripts/fix_total_bsz.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/ClickThroughRate/WideDeepLearning/scripts/fix_total_bsz.sh -------------------------------------------------------------------------------- /OneFlow/ClickThroughRate/WideDeepLearning/scripts/vocab_x2.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/ClickThroughRate/WideDeepLearning/scripts/vocab_x2.sh -------------------------------------------------------------------------------- /OneFlow/LanguageModeling/BERT/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/LanguageModeling/BERT/README.md -------------------------------------------------------------------------------- /OneFlow/LanguageModeling/BERT/extract_bert_result.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/LanguageModeling/BERT/extract_bert_result.py -------------------------------------------------------------------------------- /OneFlow/LanguageModeling/BERT/extract_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/LanguageModeling/BERT/extract_util.py -------------------------------------------------------------------------------- /OneFlow/LanguageModeling/BERT/reports/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/LanguageModeling/BERT/reports/README.md -------------------------------------------------------------------------------- /OneFlow/LanguageModeling/BERT/reports/bert_base_fp32_report_0822.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/LanguageModeling/BERT/reports/bert_base_fp32_report_0822.md -------------------------------------------------------------------------------- /OneFlow/LanguageModeling/BERT/reports/bert_base_oneflow_v0.2_report_1009.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/LanguageModeling/BERT/reports/bert_base_oneflow_v0.2_report_1009.md -------------------------------------------------------------------------------- /OneFlow/LanguageModeling/BERT/reports/bert_base_oneflow_v0.3.1_report_1202.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/LanguageModeling/BERT/reports/bert_base_oneflow_v0.3.1_report_1202.md -------------------------------------------------------------------------------- /OneFlow/LanguageModeling/BERT/reports/imgs/of_bert_base_latency_throughput.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/LanguageModeling/BERT/reports/imgs/of_bert_base_latency_throughput.png -------------------------------------------------------------------------------- /OneFlow/LanguageModeling/BERT/reports/imgs/of_bert_base_speedup.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/LanguageModeling/BERT/reports/imgs/of_bert_base_speedup.png -------------------------------------------------------------------------------- /OneFlow/LanguageModeling/BERT/reports/imgs/of_bert_base_throughput.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/LanguageModeling/BERT/reports/imgs/of_bert_base_throughput.png -------------------------------------------------------------------------------- /OneFlow/LanguageModeling/BERT/scripts/bert_base_pretrain.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/LanguageModeling/BERT/scripts/bert_base_pretrain.sh -------------------------------------------------------------------------------- /OneFlow/LanguageModeling/BERT/scripts/cp_logs.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/LanguageModeling/BERT/scripts/cp_logs.sh -------------------------------------------------------------------------------- /OneFlow/LanguageModeling/BERT/scripts/launch_all.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/LanguageModeling/BERT/scripts/launch_all.sh -------------------------------------------------------------------------------- /OneFlow/LanguageModeling/BERT/scripts/schedule_launch.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/LanguageModeling/BERT/scripts/schedule_launch.sh -------------------------------------------------------------------------------- /OneFlow/LanguageModeling/BERT/scripts/stop_all.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/LanguageModeling/BERT/scripts/stop_all.sh -------------------------------------------------------------------------------- /OneFlow/LanguageModeling/GPT/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/LanguageModeling/GPT/README.md -------------------------------------------------------------------------------- /OneFlow/LanguageModeling/GPT/scripts/openweb_to_json.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/LanguageModeling/GPT/scripts/openweb_to_json.py -------------------------------------------------------------------------------- /OneFlow/LanguageModeling/GPT/scripts/pretrain.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/LanguageModeling/GPT/scripts/pretrain.sh -------------------------------------------------------------------------------- /OneFlow/LanguageModeling/GPT/scripts/pretrain_with_container.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/LanguageModeling/GPT/scripts/pretrain_with_container.sh -------------------------------------------------------------------------------- /OneFlow/Megatron-LM/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/Megatron-LM/README.md -------------------------------------------------------------------------------- /OneFlow/Megatron-LM/scripts/train_gpt2.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/Megatron-LM/scripts/train_gpt2.sh -------------------------------------------------------------------------------- /OneFlow/Recognition/insightface/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/Recognition/insightface/README.md -------------------------------------------------------------------------------- /OneFlow/Recognition/insightface/extract_oneflow_logs_time.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/Recognition/insightface/extract_oneflow_logs_time.py -------------------------------------------------------------------------------- /OneFlow/Recognition/insightface/scripts/multi_run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/Recognition/insightface/scripts/multi_run.sh -------------------------------------------------------------------------------- /OneFlow/Recognition/insightface/scripts/run_multi_nodes.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/Recognition/insightface/scripts/run_multi_nodes.sh -------------------------------------------------------------------------------- /OneFlow/Recognition/insightface/scripts/run_single_node.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/Recognition/insightface/scripts/run_single_node.sh -------------------------------------------------------------------------------- /OneFlow/Recognition/insightface/scripts/train_insightface.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/OneFlow/Recognition/insightface/scripts/train_insightface.sh -------------------------------------------------------------------------------- /PaddlePaddle/bert/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/PaddlePaddle/bert/README.md -------------------------------------------------------------------------------- /PaddlePaddle/bert/extract_paddle_logs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/PaddlePaddle/bert/extract_paddle_logs.py -------------------------------------------------------------------------------- /PaddlePaddle/bert/scripts/make_pretrain_data.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/PaddlePaddle/bert/scripts/make_pretrain_data.sh -------------------------------------------------------------------------------- /PaddlePaddle/bert/scripts/multi_node_train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/PaddlePaddle/bert/scripts/multi_node_train.sh -------------------------------------------------------------------------------- /PaddlePaddle/bert/scripts/run_multi_node.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/PaddlePaddle/bert/scripts/run_multi_node.sh -------------------------------------------------------------------------------- /PaddlePaddle/bert/scripts/run_single_node.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/PaddlePaddle/bert/scripts/run_single_node.sh -------------------------------------------------------------------------------- /PaddlePaddle/bert/scripts/run_two_node.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/PaddlePaddle/bert/scripts/run_two_node.sh -------------------------------------------------------------------------------- /PaddlePaddle/bert/scripts/single_node_train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/PaddlePaddle/bert/scripts/single_node_train.sh -------------------------------------------------------------------------------- /PaddlePaddle/resnet50v1.5/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/PaddlePaddle/resnet50v1.5/README.md -------------------------------------------------------------------------------- /PaddlePaddle/resnet50v1.5/extract_paddle_logs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/PaddlePaddle/resnet50v1.5/extract_paddle_logs.py -------------------------------------------------------------------------------- /PaddlePaddle/resnet50v1.5/extract_paddle_logs_time.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/PaddlePaddle/resnet50v1.5/extract_paddle_logs_time.py -------------------------------------------------------------------------------- /PaddlePaddle/resnet50v1.5/scripts/multi_node_train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/PaddlePaddle/resnet50v1.5/scripts/multi_node_train.sh -------------------------------------------------------------------------------- /PaddlePaddle/resnet50v1.5/scripts/run_multi_node.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/PaddlePaddle/resnet50v1.5/scripts/run_multi_node.sh -------------------------------------------------------------------------------- /PaddlePaddle/resnet50v1.5/scripts/run_single_node.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/PaddlePaddle/resnet50v1.5/scripts/run_single_node.sh -------------------------------------------------------------------------------- /PaddlePaddle/resnet50v1.5/scripts/run_two_node.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/PaddlePaddle/resnet50v1.5/scripts/run_two_node.sh -------------------------------------------------------------------------------- /PaddlePaddle/resnet50v1.5/scripts/single_node_train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/PaddlePaddle/resnet50v1.5/scripts/single_node_train.sh -------------------------------------------------------------------------------- /PyTorch/resnet50v1.5/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/PyTorch/resnet50v1.5/README.md -------------------------------------------------------------------------------- /PyTorch/resnet50v1.5/extract_pytorch_logs_time.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/PyTorch/resnet50v1.5/extract_pytorch_logs_time.py -------------------------------------------------------------------------------- /PyTorch/resnet50v1.5/scripts/run_multi_nodes.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/PyTorch/resnet50v1.5/scripts/run_multi_nodes.sh -------------------------------------------------------------------------------- /PyTorch/resnet50v1.5/scripts/run_single_node.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/PyTorch/resnet50v1.5/scripts/run_single_node.sh -------------------------------------------------------------------------------- /PyTorch/resnet50v1.5/scripts/run_two_nodes.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/PyTorch/resnet50v1.5/scripts/run_two_nodes.sh -------------------------------------------------------------------------------- /PyTorch/resnet50v1.5/scripts/single_node_train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/PyTorch/resnet50v1.5/scripts/single_node_train.sh -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/README.md -------------------------------------------------------------------------------- /TensorFlow/bert/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/TensorFlow/bert/README.md -------------------------------------------------------------------------------- /TensorFlow/bert/extract_tensorflow_logs_time.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/TensorFlow/bert/extract_tensorflow_logs_time.py -------------------------------------------------------------------------------- /TensorFlow/bert/scripts/run_multi_node.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/TensorFlow/bert/scripts/run_multi_node.sh -------------------------------------------------------------------------------- /TensorFlow/bert/scripts/run_single_node.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/TensorFlow/bert/scripts/run_single_node.sh -------------------------------------------------------------------------------- /TensorFlow/bert/scripts/run_two_node.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/TensorFlow/bert/scripts/run_two_node.sh -------------------------------------------------------------------------------- /TensorFlow/bert/scripts/single_node_train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/TensorFlow/bert/scripts/single_node_train.sh -------------------------------------------------------------------------------- /TensorFlow/resnet50v1.5/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/TensorFlow/resnet50v1.5/README.md -------------------------------------------------------------------------------- /TensorFlow/resnet50v1.5/extract_tensorflow_logs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/TensorFlow/resnet50v1.5/extract_tensorflow_logs.py -------------------------------------------------------------------------------- /TensorFlow/resnet50v1.5/extract_tensorflow_logs_time.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/TensorFlow/resnet50v1.5/extract_tensorflow_logs_time.py -------------------------------------------------------------------------------- /TensorFlow/resnet50v1.5/scripts/gpu.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/TensorFlow/resnet50v1.5/scripts/gpu.yaml -------------------------------------------------------------------------------- /TensorFlow/resnet50v1.5/scripts/gpu_fp16.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/TensorFlow/resnet50v1.5/scripts/gpu_fp16.yaml -------------------------------------------------------------------------------- /TensorFlow/resnet50v1.5/scripts/multi_node_gpu.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/TensorFlow/resnet50v1.5/scripts/multi_node_gpu.yaml -------------------------------------------------------------------------------- /TensorFlow/resnet50v1.5/scripts/multi_node_gpu_fp16.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/TensorFlow/resnet50v1.5/scripts/multi_node_gpu_fp16.yaml -------------------------------------------------------------------------------- /TensorFlow/resnet50v1.5/scripts/multi_node_train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/TensorFlow/resnet50v1.5/scripts/multi_node_train.sh -------------------------------------------------------------------------------- /TensorFlow/resnet50v1.5/scripts/run_multi_node.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/TensorFlow/resnet50v1.5/scripts/run_multi_node.sh -------------------------------------------------------------------------------- /TensorFlow/resnet50v1.5/scripts/run_single_node.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/TensorFlow/resnet50v1.5/scripts/run_single_node.sh -------------------------------------------------------------------------------- /TensorFlow/resnet50v1.5/scripts/run_two_node.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/TensorFlow/resnet50v1.5/scripts/run_two_node.sh -------------------------------------------------------------------------------- /TensorFlow/resnet50v1.5/scripts/single_node_train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/TensorFlow/resnet50v1.5/scripts/single_node_train.sh -------------------------------------------------------------------------------- /TensorFlow/resnet50v1.5/scripts/two_node_gpu.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/TensorFlow/resnet50v1.5/scripts/two_node_gpu.yaml -------------------------------------------------------------------------------- /TensorFlow/resnet50v1.5/scripts/two_node_gpu_fp16.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/TensorFlow/resnet50v1.5/scripts/two_node_gpu_fp16.yaml -------------------------------------------------------------------------------- /TensorFlow/resnet50v1.5/scripts/two_node_train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/TensorFlow/resnet50v1.5/scripts/two_node_train.sh -------------------------------------------------------------------------------- /reports/DLPerf_report_v1.0.xlsm: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/DLPerf_report_v1.0.xlsm -------------------------------------------------------------------------------- /reports/GPT/dlperf_gpt_test_report_210512.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/GPT/dlperf_gpt_test_report_210512.md -------------------------------------------------------------------------------- /reports/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/README.md -------------------------------------------------------------------------------- /reports/WideDeepLearning/dlperf_wide_and_deep_test_report_v1.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/WideDeepLearning/dlperf_wide_and_deep_test_report_v1.md -------------------------------------------------------------------------------- /reports/WideDeepLearning/dlperf_wide_and_deep_test_report_v1_cn.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/WideDeepLearning/dlperf_wide_and_deep_test_report_v1_cn.md -------------------------------------------------------------------------------- /reports/WideDeepLearning/imgs/wdl_vecx2_1n1g_mem_latency.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/WideDeepLearning/imgs/wdl_vecx2_1n1g_mem_latency.png -------------------------------------------------------------------------------- /reports/WideDeepLearning/imgs/wdl_vecx2_1n8g_mem_latency.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/WideDeepLearning/imgs/wdl_vecx2_1n8g_mem_latency.png -------------------------------------------------------------------------------- /reports/WideDeepLearning/imgs/wdl_vecx2_4n8g_mem_latency.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/WideDeepLearning/imgs/wdl_vecx2_4n8g_mem_latency.png -------------------------------------------------------------------------------- /reports/dlperf_benchmark_test_report_v1.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/dlperf_benchmark_test_report_v1.md -------------------------------------------------------------------------------- /reports/dlperf_benchmark_test_report_v1_cn.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/dlperf_benchmark_test_report_v1_cn.md -------------------------------------------------------------------------------- /reports/imgs/NCCL_debug_0.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/imgs/NCCL_debug_0.jpg -------------------------------------------------------------------------------- /reports/imgs/NCCL_debug_1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/imgs/NCCL_debug_1.jpg -------------------------------------------------------------------------------- /reports/imgs/NCCL_debug_2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/imgs/NCCL_debug_2.jpg -------------------------------------------------------------------------------- /reports/imgs/bert_base_amp_bz64_speedup.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/imgs/bert_base_amp_bz64_speedup.png -------------------------------------------------------------------------------- /reports/imgs/bert_base_amp_bz64_throughput.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/imgs/bert_base_amp_bz64_throughput.png -------------------------------------------------------------------------------- /reports/imgs/bert_base_amp_bz_max_speedup.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/imgs/bert_base_amp_bz_max_speedup.png -------------------------------------------------------------------------------- /reports/imgs/bert_base_amp_bz_max_throughput.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/imgs/bert_base_amp_bz_max_throughput.png -------------------------------------------------------------------------------- /reports/imgs/bert_base_fp32_bz32_speedup.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/imgs/bert_base_fp32_bz32_speedup.png -------------------------------------------------------------------------------- /reports/imgs/bert_base_fp32_bz32_throughput.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/imgs/bert_base_fp32_bz32_throughput.png -------------------------------------------------------------------------------- /reports/imgs/bert_base_fp32_bz_max_speedup.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/imgs/bert_base_fp32_bz_max_speedup.png -------------------------------------------------------------------------------- /reports/imgs/bert_base_fp32_bz_max_throughput.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/imgs/bert_base_fp32_bz_max_throughput.png -------------------------------------------------------------------------------- /reports/imgs/data_parallel_face_emore_r100_bz64.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/imgs/data_parallel_face_emore_r100_bz64.png -------------------------------------------------------------------------------- /reports/imgs/data_parallel_face_emore_r100_bz_max.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/imgs/data_parallel_face_emore_r100_bz_max.png -------------------------------------------------------------------------------- /reports/imgs/data_parallel_face_emore_y1_bz256.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/imgs/data_parallel_face_emore_y1_bz256.png -------------------------------------------------------------------------------- /reports/imgs/data_parallel_face_emore_y1_bz_max.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/imgs/data_parallel_face_emore_y1_bz_max.png -------------------------------------------------------------------------------- /reports/imgs/emore_r100_fp32_b64_pf_en.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/imgs/emore_r100_fp32_b64_pf_en.png -------------------------------------------------------------------------------- /reports/imgs/emore_r100_fp32_bmax_pf_en.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/imgs/emore_r100_fp32_bmax_pf_en.png -------------------------------------------------------------------------------- /reports/imgs/model_parallel_face_emore_r100_bz64.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/imgs/model_parallel_face_emore_r100_bz64.png -------------------------------------------------------------------------------- /reports/imgs/model_parallel_face_emore_r100_bz_max.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/imgs/model_parallel_face_emore_r100_bz_max.png -------------------------------------------------------------------------------- /reports/imgs/model_parallel_face_emore_y1_bz256.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/imgs/model_parallel_face_emore_y1_bz256.png -------------------------------------------------------------------------------- /reports/imgs/model_parallel_face_emore_y1_bz_max.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/imgs/model_parallel_face_emore_y1_bz_max.png -------------------------------------------------------------------------------- /reports/imgs/partial_fc_sample_ratio_0_1_face_emore_r100_bz64.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/imgs/partial_fc_sample_ratio_0_1_face_emore_r100_bz64.png -------------------------------------------------------------------------------- /reports/imgs/partial_fc_sample_ratio_0_1_face_emore_r100_bz_max.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/imgs/partial_fc_sample_ratio_0_1_face_emore_r100_bz_max.png -------------------------------------------------------------------------------- /reports/imgs/partial_fc_sample_ratio_0_1_glint_r100_bz64.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/imgs/partial_fc_sample_ratio_0_1_glint_r100_bz64.png -------------------------------------------------------------------------------- /reports/imgs/partial_fc_sample_ratio_0_1_glint_r100_bz_max.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/imgs/partial_fc_sample_ratio_0_1_glint_r100_bz_max.png -------------------------------------------------------------------------------- /reports/imgs/r50_amp_bz256_speedup.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/imgs/r50_amp_bz256_speedup.png -------------------------------------------------------------------------------- /reports/imgs/r50_amp_bz256_throughput.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/imgs/r50_amp_bz256_throughput.png -------------------------------------------------------------------------------- /reports/imgs/r50_fp32_bz128_speedup.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/imgs/r50_fp32_bz128_speedup.png -------------------------------------------------------------------------------- /reports/imgs/r50_fp32_bz128_throughput.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/imgs/r50_fp32_bz128_throughput.png -------------------------------------------------------------------------------- /reports/insightface/dlperf_insightface_test_report_v1.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/insightface/dlperf_insightface_test_report_v1.md -------------------------------------------------------------------------------- /reports/insightface/dlperf_insightface_test_report_v1_cn.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/DLPerf/HEAD/reports/insightface/dlperf_insightface_test_report_v1_cn.md --------------------------------------------------------------------------------