├── .github └── workflows │ └── cnn_e2e.yml ├── .gitignore ├── Classification └── cnns │ ├── README.md │ ├── alexnet_model.py │ ├── benchmark.sh │ ├── config.py │ ├── data │ ├── ILSVRC2012_val_00020287.JPEG │ ├── fish.jpg │ └── tiger.jpg │ ├── docs │ ├── resnet50_lr_schedule.png │ └── resnet50_validation_acuracy.png │ ├── evaluate.sh │ ├── imagenet1000_clsidx_to_labels.py │ ├── inception_model.py │ ├── inference.sh │ ├── job_function_util.py │ ├── mobilenet_v2_model.py │ ├── of_cnn_evaluate.py │ ├── of_cnn_inference.py │ ├── of_cnn_train_val.py │ ├── ofrecord_util.py │ ├── optimizer_util.py │ ├── resnet2onnx.sh │ ├── resnet_model.py │ ├── resnet_to_onnx.py │ ├── resnext_model.py │ ├── tools │ ├── README.md │ ├── extract_trainval.sh │ ├── imagenet_2012_validation_synset_labels.txt │ ├── imagenet_lsvrc_2015_synsets.txt │ ├── imagenet_metadata.txt │ ├── imagenet_ofrecord.py │ ├── preprocess_imagenet_validation_data.py │ └── process_bounding_boxes.py │ ├── train.sh │ ├── train_fp16.sh │ ├── train_fp32.sh │ ├── util.py │ └── vgg_model.py ├── ClickThroughRate └── WideDeepLearning │ ├── README.md │ ├── how_to_make_hf_dataset.md │ ├── how_to_make_ofrecord_for_wdl.md │ ├── wdl_test_report.md │ ├── wdl_train_eval.py │ ├── wdl_train_eval_test.py │ └── wdl_train_eval_with_hybrid_embd.py ├── Generative ├── README.md ├── dcgan.py ├── layers.py └── pic │ ├── 1.png │ └── 2.png ├── LanguageModeling ├── BERT │ ├── README.md │ ├── bert.py │ ├── classifier.py │ ├── config.py │ ├── convert_tf_ckpt_to_of.py │ ├── pretrain.py │ ├── run_classifier.py │ ├── run_pretraining.py │ ├── run_pretraining_adam.sh │ ├── run_pretraining_lamb.sh │ ├── run_squad.py │ ├── run_squad.sh │ ├── squad.py │ ├── squad_util.py │ ├── tokenization.py │ └── util.py └── GPT │ ├── LICENSE │ ├── README.md │ ├── examples │ ├── distribute_pretrain_2n4d.sh │ ├── distribute_pretrain_4n8d.sh │ ├── distribute_pretrain_4n8d_2x4x4_512_2304x24.sh │ ├── distribute_pretrain_with_container.sh │ ├── lambada_cloze_accuracy.sh │ ├── pretrain.sh │ ├── pretrain_117M.sh │ ├── pretrain_1n8d_2x4x1_16_1536x16.sh │ ├── pretrain_345M.sh │ ├── pretrain_with_container.sh │ └── pretrain_with_profile.sh │ ├── oneflow_gpt │ ├── __init__.py │ ├── config.py │ ├── data.py │ ├── distribute.py │ ├── model.py │ ├── optimizer.py │ ├── snapshot.py │ ├── third_party │ │ ├── __init__.py │ │ └── data │ │ │ ├── __init__.py │ │ │ ├── gpt_dataset.py │ │ │ └── indexed_dataset.py │ ├── training.py │ └── util.py │ ├── requirements.txt │ ├── setup.py │ ├── tasks │ ├── __init__.py │ ├── main.py │ └── zeroshot_gpt │ │ ├── __init__.py │ │ ├── datasets.py │ │ └── evaluate.py │ ├── tokenizer │ ├── __init__.py │ ├── gpt2_tokenization.py │ └── tokenizer.py │ └── tools │ ├── README.md │ ├── ansible_inventory │ ├── compare_loss.py │ ├── convert_py_model_to_of.py │ ├── launch_container.py │ ├── meta.proto │ ├── meta_pb2.py │ └── prepare_distribute.sh ├── README.md └── reports ├── bert_fp32_report.md └── resnet50_v15_fp32_report.md /.github/workflows/cnn_e2e.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/.github/workflows/cnn_e2e.yml -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/.gitignore -------------------------------------------------------------------------------- /Classification/cnns/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Classification/cnns/README.md -------------------------------------------------------------------------------- /Classification/cnns/alexnet_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Classification/cnns/alexnet_model.py -------------------------------------------------------------------------------- /Classification/cnns/benchmark.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Classification/cnns/benchmark.sh -------------------------------------------------------------------------------- /Classification/cnns/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Classification/cnns/config.py -------------------------------------------------------------------------------- /Classification/cnns/data/ILSVRC2012_val_00020287.JPEG: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Classification/cnns/data/ILSVRC2012_val_00020287.JPEG -------------------------------------------------------------------------------- /Classification/cnns/data/fish.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Classification/cnns/data/fish.jpg -------------------------------------------------------------------------------- /Classification/cnns/data/tiger.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Classification/cnns/data/tiger.jpg -------------------------------------------------------------------------------- /Classification/cnns/docs/resnet50_lr_schedule.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Classification/cnns/docs/resnet50_lr_schedule.png -------------------------------------------------------------------------------- /Classification/cnns/docs/resnet50_validation_acuracy.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Classification/cnns/docs/resnet50_validation_acuracy.png -------------------------------------------------------------------------------- /Classification/cnns/evaluate.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Classification/cnns/evaluate.sh -------------------------------------------------------------------------------- /Classification/cnns/imagenet1000_clsidx_to_labels.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Classification/cnns/imagenet1000_clsidx_to_labels.py -------------------------------------------------------------------------------- /Classification/cnns/inception_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Classification/cnns/inception_model.py -------------------------------------------------------------------------------- /Classification/cnns/inference.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Classification/cnns/inference.sh -------------------------------------------------------------------------------- /Classification/cnns/job_function_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Classification/cnns/job_function_util.py -------------------------------------------------------------------------------- /Classification/cnns/mobilenet_v2_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Classification/cnns/mobilenet_v2_model.py -------------------------------------------------------------------------------- /Classification/cnns/of_cnn_evaluate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Classification/cnns/of_cnn_evaluate.py -------------------------------------------------------------------------------- /Classification/cnns/of_cnn_inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Classification/cnns/of_cnn_inference.py -------------------------------------------------------------------------------- /Classification/cnns/of_cnn_train_val.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Classification/cnns/of_cnn_train_val.py -------------------------------------------------------------------------------- /Classification/cnns/ofrecord_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Classification/cnns/ofrecord_util.py -------------------------------------------------------------------------------- /Classification/cnns/optimizer_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Classification/cnns/optimizer_util.py -------------------------------------------------------------------------------- /Classification/cnns/resnet2onnx.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Classification/cnns/resnet2onnx.sh -------------------------------------------------------------------------------- /Classification/cnns/resnet_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Classification/cnns/resnet_model.py -------------------------------------------------------------------------------- /Classification/cnns/resnet_to_onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Classification/cnns/resnet_to_onnx.py -------------------------------------------------------------------------------- /Classification/cnns/resnext_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Classification/cnns/resnext_model.py -------------------------------------------------------------------------------- /Classification/cnns/tools/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Classification/cnns/tools/README.md -------------------------------------------------------------------------------- /Classification/cnns/tools/extract_trainval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Classification/cnns/tools/extract_trainval.sh -------------------------------------------------------------------------------- /Classification/cnns/tools/imagenet_2012_validation_synset_labels.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Classification/cnns/tools/imagenet_2012_validation_synset_labels.txt -------------------------------------------------------------------------------- /Classification/cnns/tools/imagenet_lsvrc_2015_synsets.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Classification/cnns/tools/imagenet_lsvrc_2015_synsets.txt -------------------------------------------------------------------------------- /Classification/cnns/tools/imagenet_metadata.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Classification/cnns/tools/imagenet_metadata.txt -------------------------------------------------------------------------------- /Classification/cnns/tools/imagenet_ofrecord.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Classification/cnns/tools/imagenet_ofrecord.py -------------------------------------------------------------------------------- /Classification/cnns/tools/preprocess_imagenet_validation_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Classification/cnns/tools/preprocess_imagenet_validation_data.py -------------------------------------------------------------------------------- /Classification/cnns/tools/process_bounding_boxes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Classification/cnns/tools/process_bounding_boxes.py -------------------------------------------------------------------------------- /Classification/cnns/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Classification/cnns/train.sh -------------------------------------------------------------------------------- /Classification/cnns/train_fp16.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Classification/cnns/train_fp16.sh -------------------------------------------------------------------------------- /Classification/cnns/train_fp32.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Classification/cnns/train_fp32.sh -------------------------------------------------------------------------------- /Classification/cnns/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Classification/cnns/util.py -------------------------------------------------------------------------------- /Classification/cnns/vgg_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Classification/cnns/vgg_model.py -------------------------------------------------------------------------------- /ClickThroughRate/WideDeepLearning/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/ClickThroughRate/WideDeepLearning/README.md -------------------------------------------------------------------------------- /ClickThroughRate/WideDeepLearning/how_to_make_hf_dataset.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/ClickThroughRate/WideDeepLearning/how_to_make_hf_dataset.md -------------------------------------------------------------------------------- /ClickThroughRate/WideDeepLearning/how_to_make_ofrecord_for_wdl.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/ClickThroughRate/WideDeepLearning/how_to_make_ofrecord_for_wdl.md -------------------------------------------------------------------------------- /ClickThroughRate/WideDeepLearning/wdl_test_report.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/ClickThroughRate/WideDeepLearning/wdl_test_report.md -------------------------------------------------------------------------------- /ClickThroughRate/WideDeepLearning/wdl_train_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/ClickThroughRate/WideDeepLearning/wdl_train_eval.py -------------------------------------------------------------------------------- /ClickThroughRate/WideDeepLearning/wdl_train_eval_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/ClickThroughRate/WideDeepLearning/wdl_train_eval_test.py -------------------------------------------------------------------------------- /ClickThroughRate/WideDeepLearning/wdl_train_eval_with_hybrid_embd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/ClickThroughRate/WideDeepLearning/wdl_train_eval_with_hybrid_embd.py -------------------------------------------------------------------------------- /Generative/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Generative/README.md -------------------------------------------------------------------------------- /Generative/dcgan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Generative/dcgan.py -------------------------------------------------------------------------------- /Generative/layers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Generative/layers.py -------------------------------------------------------------------------------- /Generative/pic/1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Generative/pic/1.png -------------------------------------------------------------------------------- /Generative/pic/2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/Generative/pic/2.png -------------------------------------------------------------------------------- /LanguageModeling/BERT/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/BERT/README.md -------------------------------------------------------------------------------- /LanguageModeling/BERT/bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/BERT/bert.py -------------------------------------------------------------------------------- /LanguageModeling/BERT/classifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/BERT/classifier.py -------------------------------------------------------------------------------- /LanguageModeling/BERT/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/BERT/config.py -------------------------------------------------------------------------------- /LanguageModeling/BERT/convert_tf_ckpt_to_of.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/BERT/convert_tf_ckpt_to_of.py -------------------------------------------------------------------------------- /LanguageModeling/BERT/pretrain.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/BERT/pretrain.py -------------------------------------------------------------------------------- /LanguageModeling/BERT/run_classifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/BERT/run_classifier.py -------------------------------------------------------------------------------- /LanguageModeling/BERT/run_pretraining.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/BERT/run_pretraining.py -------------------------------------------------------------------------------- /LanguageModeling/BERT/run_pretraining_adam.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/BERT/run_pretraining_adam.sh -------------------------------------------------------------------------------- /LanguageModeling/BERT/run_pretraining_lamb.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/BERT/run_pretraining_lamb.sh -------------------------------------------------------------------------------- /LanguageModeling/BERT/run_squad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/BERT/run_squad.py -------------------------------------------------------------------------------- /LanguageModeling/BERT/run_squad.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/BERT/run_squad.sh -------------------------------------------------------------------------------- /LanguageModeling/BERT/squad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/BERT/squad.py -------------------------------------------------------------------------------- /LanguageModeling/BERT/squad_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/BERT/squad_util.py -------------------------------------------------------------------------------- /LanguageModeling/BERT/tokenization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/BERT/tokenization.py -------------------------------------------------------------------------------- /LanguageModeling/BERT/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/BERT/util.py -------------------------------------------------------------------------------- /LanguageModeling/GPT/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/GPT/LICENSE -------------------------------------------------------------------------------- /LanguageModeling/GPT/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/GPT/README.md -------------------------------------------------------------------------------- /LanguageModeling/GPT/examples/distribute_pretrain_2n4d.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/GPT/examples/distribute_pretrain_2n4d.sh -------------------------------------------------------------------------------- /LanguageModeling/GPT/examples/distribute_pretrain_4n8d.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/GPT/examples/distribute_pretrain_4n8d.sh -------------------------------------------------------------------------------- /LanguageModeling/GPT/examples/distribute_pretrain_4n8d_2x4x4_512_2304x24.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/GPT/examples/distribute_pretrain_4n8d_2x4x4_512_2304x24.sh -------------------------------------------------------------------------------- /LanguageModeling/GPT/examples/distribute_pretrain_with_container.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/GPT/examples/distribute_pretrain_with_container.sh -------------------------------------------------------------------------------- /LanguageModeling/GPT/examples/lambada_cloze_accuracy.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/GPT/examples/lambada_cloze_accuracy.sh -------------------------------------------------------------------------------- /LanguageModeling/GPT/examples/pretrain.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/GPT/examples/pretrain.sh -------------------------------------------------------------------------------- /LanguageModeling/GPT/examples/pretrain_117M.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/GPT/examples/pretrain_117M.sh -------------------------------------------------------------------------------- /LanguageModeling/GPT/examples/pretrain_1n8d_2x4x1_16_1536x16.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/GPT/examples/pretrain_1n8d_2x4x1_16_1536x16.sh -------------------------------------------------------------------------------- /LanguageModeling/GPT/examples/pretrain_345M.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/GPT/examples/pretrain_345M.sh -------------------------------------------------------------------------------- /LanguageModeling/GPT/examples/pretrain_with_container.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/GPT/examples/pretrain_with_container.sh -------------------------------------------------------------------------------- /LanguageModeling/GPT/examples/pretrain_with_profile.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/GPT/examples/pretrain_with_profile.sh -------------------------------------------------------------------------------- /LanguageModeling/GPT/oneflow_gpt/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/GPT/oneflow_gpt/__init__.py -------------------------------------------------------------------------------- /LanguageModeling/GPT/oneflow_gpt/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/GPT/oneflow_gpt/config.py -------------------------------------------------------------------------------- /LanguageModeling/GPT/oneflow_gpt/data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/GPT/oneflow_gpt/data.py -------------------------------------------------------------------------------- /LanguageModeling/GPT/oneflow_gpt/distribute.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/GPT/oneflow_gpt/distribute.py -------------------------------------------------------------------------------- /LanguageModeling/GPT/oneflow_gpt/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/GPT/oneflow_gpt/model.py -------------------------------------------------------------------------------- /LanguageModeling/GPT/oneflow_gpt/optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/GPT/oneflow_gpt/optimizer.py -------------------------------------------------------------------------------- /LanguageModeling/GPT/oneflow_gpt/snapshot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/GPT/oneflow_gpt/snapshot.py -------------------------------------------------------------------------------- /LanguageModeling/GPT/oneflow_gpt/third_party/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /LanguageModeling/GPT/oneflow_gpt/third_party/data/__init__.py: -------------------------------------------------------------------------------- 1 | from . import indexed_dataset 2 | -------------------------------------------------------------------------------- /LanguageModeling/GPT/oneflow_gpt/third_party/data/gpt_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/GPT/oneflow_gpt/third_party/data/gpt_dataset.py -------------------------------------------------------------------------------- /LanguageModeling/GPT/oneflow_gpt/third_party/data/indexed_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/GPT/oneflow_gpt/third_party/data/indexed_dataset.py -------------------------------------------------------------------------------- /LanguageModeling/GPT/oneflow_gpt/training.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/GPT/oneflow_gpt/training.py -------------------------------------------------------------------------------- /LanguageModeling/GPT/oneflow_gpt/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/GPT/oneflow_gpt/util.py -------------------------------------------------------------------------------- /LanguageModeling/GPT/requirements.txt: -------------------------------------------------------------------------------- 1 | oneflow 2 | numpy 3 | -------------------------------------------------------------------------------- /LanguageModeling/GPT/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/GPT/setup.py -------------------------------------------------------------------------------- /LanguageModeling/GPT/tasks/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /LanguageModeling/GPT/tasks/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/GPT/tasks/main.py -------------------------------------------------------------------------------- /LanguageModeling/GPT/tasks/zeroshot_gpt/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /LanguageModeling/GPT/tasks/zeroshot_gpt/datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/GPT/tasks/zeroshot_gpt/datasets.py -------------------------------------------------------------------------------- /LanguageModeling/GPT/tasks/zeroshot_gpt/evaluate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/GPT/tasks/zeroshot_gpt/evaluate.py -------------------------------------------------------------------------------- /LanguageModeling/GPT/tokenizer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /LanguageModeling/GPT/tokenizer/gpt2_tokenization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/GPT/tokenizer/gpt2_tokenization.py -------------------------------------------------------------------------------- /LanguageModeling/GPT/tokenizer/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/GPT/tokenizer/tokenizer.py -------------------------------------------------------------------------------- /LanguageModeling/GPT/tools/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/GPT/tools/README.md -------------------------------------------------------------------------------- /LanguageModeling/GPT/tools/ansible_inventory: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/GPT/tools/ansible_inventory -------------------------------------------------------------------------------- /LanguageModeling/GPT/tools/compare_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/GPT/tools/compare_loss.py -------------------------------------------------------------------------------- /LanguageModeling/GPT/tools/convert_py_model_to_of.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/GPT/tools/convert_py_model_to_of.py -------------------------------------------------------------------------------- /LanguageModeling/GPT/tools/launch_container.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/GPT/tools/launch_container.py -------------------------------------------------------------------------------- /LanguageModeling/GPT/tools/meta.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/GPT/tools/meta.proto -------------------------------------------------------------------------------- /LanguageModeling/GPT/tools/meta_pb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/GPT/tools/meta_pb2.py -------------------------------------------------------------------------------- /LanguageModeling/GPT/tools/prepare_distribute.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/LanguageModeling/GPT/tools/prepare_distribute.sh -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/README.md -------------------------------------------------------------------------------- /reports/bert_fp32_report.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/reports/bert_fp32_report.md -------------------------------------------------------------------------------- /reports/resnet50_v15_fp32_report.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Oneflow-Inc/OneFlow-Benchmark/HEAD/reports/resnet50_v15_fp32_report.md --------------------------------------------------------------------------------