├── .github ├── CODEOWNERS └── workflows │ └── cla.yml ├── .gitignore ├── .gitmodules ├── CONTRIBUTING.md ├── LICENSE.md ├── README.md ├── benchmark_readme_template.md ├── graph_neural_network ├── Dockerfile ├── README.md ├── build_partition_feature.py ├── compress_graph.py ├── dataset.py ├── dist_train_rgnn.py ├── download.py ├── download_igbh_full.sh ├── mlperf_logging_utils.py ├── partition.py ├── rgnn.py ├── split_seeds.py ├── train_rgnn_multi_gpu.py └── utilities.py ├── image_classification ├── README.md ├── README_old.md ├── download_dataset.sh ├── tensorflow2 │ ├── common.py │ ├── imagenet_preprocessing.py │ ├── lars_optimizer.py │ ├── lars_util.py │ ├── resnet_ctl_imagenet_main.py │ ├── resnet_model.py │ ├── resnet_runnable.py │ └── tf2_common │ │ ├── modeling │ │ └── performance.py │ │ ├── training │ │ ├── controller.py │ │ ├── optimizer_v2modified.py │ │ ├── runnable.py │ │ ├── standard_runnable.py │ │ └── utils.py │ │ └── utils │ │ ├── flags │ │ ├── __init__.py │ │ ├── _base.py │ │ ├── _benchmark.py │ │ ├── _conventions.py │ │ ├── _device.py │ │ ├── _distribution.py │ │ ├── _misc.py │ │ ├── _performance.py │ │ └── core.py │ │ ├── logs │ │ ├── __init__.py │ │ ├── cloud_lib.py │ │ ├── hooks.py │ │ ├── hooks_helper.py │ │ ├── logger.py │ │ └── metric_hook.py │ │ ├── misc │ │ ├── distribution_utils.py │ │ ├── keras_utils.py │ │ ├── model_helpers.py │ │ └── tpu_lib.py │ │ └── mlp_log │ │ ├── __init__.py │ │ └── mlp_log.py └── verify_dataset.sh ├── image_segmentation └── pytorch │ ├── Dockerfile │ ├── LICENCE │ ├── README.md │ ├── checksum.json │ ├── data_loading │ ├── data_loader.py │ └── pytorch_loader.py │ ├── evaluation_cases.txt │ ├── main.py │ ├── model │ ├── layers.py │ ├── losses.py │ └── unet3d.py │ ├── oldREADME.md │ ├── preprocess_dataset.py │ ├── requirements.txt │ ├── run_and_time.sh │ └── runtime │ ├── arguments.py │ ├── callbacks.py │ ├── distributed_utils.py │ ├── inference.py │ ├── logging.py │ └── training.py ├── install_cuda_docker.sh ├── language_model └── tensorflow │ └── bert │ ├── README.md │ ├── __init__.py │ ├── checkpoint_add_gradacc.py │ ├── cleanup_scripts │ ├── clean.sh │ ├── cleanup_file.py │ ├── create_pretraining_data.py │ ├── do_gather.py │ ├── do_sentence_segmentation.py │ ├── download_and_uncompress.sh │ ├── eval.md5 │ ├── pick_eval_samples.py │ ├── process_wiki.sh │ ├── sample_data │ │ ├── wiki_00 │ │ ├── wiki_01 │ │ ├── wiki_02 │ │ └── wiki_03 │ ├── seperate_test_set.py │ └── tokenization.py │ ├── dataset.md │ ├── deferred_grad_optimizer.py │ ├── distribution_utils.py │ ├── extract_features.py │ ├── lamb_optimizer_v1.py │ ├── mlp_logging.py │ ├── modeling.py │ ├── optimization.py │ ├── run_pretraining.py │ └── tpu_lib.py ├── large_language_model ├── megatron-lm │ ├── Dockerfile │ ├── LICENSE │ ├── README.md │ ├── checksums │ │ ├── additional_checkpoint_files │ │ │ ├── common.pt │ │ │ └── metadata.json │ │ ├── dataset_checksum.log │ │ └── fp32_checkpoint_checksum.log │ ├── gpt3_blend.sh │ ├── megatron │ │ ├── __init__.py │ │ ├── arguments.py │ │ ├── checkpointing.py │ │ ├── core │ │ │ └── dist_checkpointing │ │ │ │ ├── __init__.py │ │ │ │ ├── core.py │ │ │ │ ├── dict_utils.py │ │ │ │ ├── mapping.py │ │ │ │ ├── optimizer.py │ │ │ │ ├── serialization.py │ │ │ │ ├── strategies │ │ │ │ ├── __init__.py │ │ │ │ ├── base.py │ │ │ │ └── zarr.py │ │ │ │ ├── tests │ │ │ │ ├── __init__.py │ │ │ │ ├── common.py │ │ │ │ ├── test_correctness.py │ │ │ │ └── test_load_check.py │ │ │ │ └── utils.py │ │ ├── data │ │ │ ├── Makefile │ │ │ ├── __init__.py │ │ │ ├── autoaugment.py │ │ │ ├── bert_dataset.py │ │ │ ├── biencoder_dataset_utils.py │ │ │ ├── blendable_dataset.py │ │ │ ├── data_samplers.py │ │ │ ├── dataset_utils.py │ │ │ ├── gpt_dataset.py │ │ │ ├── helpers.cpp │ │ │ ├── ict_dataset.py │ │ │ ├── indexed_dataset.py │ │ │ ├── orqa_wiki_dataset.py │ │ │ ├── realm_dataset_utils.py │ │ │ ├── realm_index.py │ │ │ └── test │ │ │ │ ├── test_indexed_dataset.py │ │ │ │ └── test_preprocess_data.sh │ │ ├── dist_signal_handler.py │ │ ├── fp16_deprecated │ │ │ └── loss_scaler.py │ │ ├── fused_kernels │ │ │ ├── __init__.py │ │ │ ├── compat.h │ │ │ ├── fused_weight_gradient_dense.cpp │ │ │ ├── fused_weight_gradient_dense.cu │ │ │ ├── layer_norm_cuda.cpp │ │ │ ├── layer_norm_cuda_kernel.cu │ │ │ ├── scaled_masked_softmax.cpp │ │ │ ├── scaled_masked_softmax.h │ │ │ ├── scaled_masked_softmax_cuda.cu │ │ │ ├── scaled_softmax.cpp │ │ │ ├── scaled_softmax_cuda.cu │ │ │ ├── scaled_upper_triang_masked_softmax.cpp │ │ │ ├── scaled_upper_triang_masked_softmax.h │ │ │ ├── scaled_upper_triang_masked_softmax_cuda.cu │ │ │ ├── tests │ │ │ │ ├── __init__.py │ │ │ │ └── test_fused_kernels.py │ │ │ └── type_shim.h │ │ ├── global_vars.py │ │ ├── indexer.py │ │ ├── initialize.py │ │ ├── learning_rates.py │ │ ├── memory.py │ │ ├── microbatches.py │ │ ├── model │ │ │ ├── __init__.py │ │ │ ├── biencoder_model.py │ │ │ ├── classification.py │ │ │ ├── distributed.py │ │ │ ├── enums.py │ │ │ ├── fused_bias_gelu.py │ │ │ ├── fused_layer_norm.py │ │ │ ├── fused_softmax.py │ │ │ ├── gpt_model.py │ │ │ ├── language_model.py │ │ │ ├── module.py │ │ │ ├── multiple_choice.py │ │ │ ├── realm_model.py │ │ │ ├── transformer.py │ │ │ ├── utils.py │ │ │ └── vit_model.py │ │ ├── mpu │ │ │ ├── __init__.py │ │ │ ├── cross_entropy.py │ │ │ ├── data.py │ │ │ ├── initialize.py │ │ │ ├── layers.py │ │ │ ├── mappings.py │ │ │ ├── random.py │ │ │ ├── tests │ │ │ │ ├── __init__.py │ │ │ │ ├── commons.py │ │ │ │ ├── test_cross_entropy.py │ │ │ │ ├── test_data.py │ │ │ │ ├── test_initialize.py │ │ │ │ ├── test_layers.py │ │ │ │ └── test_random.py │ │ │ └── utils.py │ │ ├── optimizer │ │ │ ├── __init__.py │ │ │ ├── clip_grads.py │ │ │ ├── distrib_optimizer.py │ │ │ ├── grad_scaler.py │ │ │ └── optimizer.py │ │ ├── optimizer_param_scheduler.py │ │ ├── p2p_communication.py │ │ ├── schedules.py │ │ ├── static │ │ │ └── index.html │ │ ├── text_generation │ │ │ ├── __init__.py │ │ │ ├── api.py │ │ │ ├── beam_utils.py │ │ │ ├── communication.py │ │ │ ├── forward_step.py │ │ │ ├── generation.py │ │ │ ├── sampling.py │ │ │ └── tokenization.py │ │ ├── text_generation_server.py │ │ ├── timers.py │ │ ├── tokenizer │ │ │ ├── __init__.py │ │ │ ├── bert_tokenization.py │ │ │ ├── gpt2_tokenization.py │ │ │ └── tokenizer.py │ │ ├── training.py │ │ └── utils.py │ ├── pretrain_gpt.py │ ├── requirements.txt │ ├── run_gpt3.sh │ ├── scripts │ │ ├── common_bf16.json │ │ ├── common_fp32.json │ │ ├── convert_paxml_to_megatron_distributed.py │ │ ├── json_to_torch.py │ │ ├── load_checkpoint.md │ │ ├── load_checkpoint.py │ │ ├── preprocess.sh │ │ └── preprocess_val.sh │ ├── tasks │ │ ├── data_utils.py │ │ ├── ensemble_classifier.py │ │ ├── eval_utils.py │ │ ├── finetune_utils.py │ │ ├── glue │ │ │ ├── data.py │ │ │ ├── finetune.py │ │ │ ├── mnli.py │ │ │ └── qqp.py │ │ ├── main.py │ │ ├── orqa │ │ │ ├── README.md │ │ │ ├── evaluate_orqa.py │ │ │ ├── evaluate_utils.py │ │ │ ├── supervised │ │ │ │ ├── data.py │ │ │ │ ├── eval_utils.py │ │ │ │ └── finetune.py │ │ │ └── unsupervised │ │ │ │ ├── nq.py │ │ │ │ ├── qa_utils.py │ │ │ │ └── tokenizers.py │ │ ├── race │ │ │ ├── data.py │ │ │ └── finetune.py │ │ ├── vision │ │ │ ├── classification.py │ │ │ ├── eval_utils.py │ │ │ ├── finetune_utils.py │ │ │ └── main.py │ │ └── zeroshot_gpt │ │ │ ├── datasets.py │ │ │ ├── detokenizer.py │ │ │ └── evaluate.py │ └── tools │ │ └── preprocess_data.py └── paxml │ ├── README.md │ ├── c4.py │ ├── c4_mllog.py │ ├── lm_cloud.py │ ├── model_params.py │ └── utils │ ├── generate_spm.md │ ├── load_ts_ckpt.md │ ├── load_ts_ckpt.py │ ├── select_example.md │ ├── select_example.py │ └── select_text.py ├── llama2_70b_lora ├── Dockerfile ├── README.md ├── configs │ └── default_config.yaml ├── convergence_example.txt ├── requirements.txt ├── run_docker.sh ├── run_llama_70B_scrolls_r16.sh └── scripts │ ├── mlperf_logging_utils.py │ ├── train.py │ └── utils.py ├── object_detection ├── Dockerfile ├── README.md ├── download_dataset.sh ├── pytorch │ ├── .flake8 │ ├── .github │ │ └── ISSUE_TEMPLATE │ │ │ ├── bug-report.md │ │ │ ├── feature-request.md │ │ │ └── questions-help-support.md │ ├── .gitignore │ ├── ABSTRACTIONS.md │ ├── CODE_OF_CONDUCT.md │ ├── CONTRIBUTING.md │ ├── INSTALL.md │ ├── LICENSE │ ├── MODEL_ZOO.md │ ├── README.md │ ├── TROUBLESHOOTING.md │ ├── configs │ │ └── e2e_mask_rcnn_R_50_FPN_1x.yaml │ ├── demo │ │ ├── Mask_R-CNN_demo.ipynb │ │ ├── README.md │ │ ├── demo_e2e_mask_rcnn_R_50_FPN_1x.png │ │ ├── demo_e2e_mask_rcnn_X_101_32x8d_FPN_1x.png │ │ ├── predictor.py │ │ └── webcam.py │ ├── docker │ │ ├── Dockerfile │ │ └── docker-jupyter │ │ │ ├── Dockerfile │ │ │ └── jupyter_notebook_config.py │ ├── maskrcnn_benchmark │ │ ├── __init__.py │ │ ├── config │ │ │ ├── __init__.py │ │ │ ├── defaults.py │ │ │ └── paths_catalog.py │ │ ├── csrc │ │ │ ├── ROIAlign.h │ │ │ ├── ROIPool.h │ │ │ ├── SigmoidFocalLoss.h │ │ │ ├── cpu │ │ │ │ ├── ROIAlign_cpu.cpp │ │ │ │ ├── nms_cpu.cpp │ │ │ │ └── vision.h │ │ │ ├── cuda │ │ │ │ ├── ROIAlign_cuda.cu │ │ │ │ ├── ROIPool_cuda.cu │ │ │ │ ├── SigmoidFocalLoss_cuda.cu │ │ │ │ ├── nms.cu │ │ │ │ └── vision.h │ │ │ ├── nms.h │ │ │ └── vision.cpp │ │ ├── data │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── build.py │ │ │ ├── collate_batch.py │ │ │ ├── datasets │ │ │ │ ├── __init__.py │ │ │ │ ├── coco.py │ │ │ │ ├── concat_dataset.py │ │ │ │ ├── evaluation │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── coco │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ └── coco_eval.py │ │ │ │ │ └── voc │ │ │ │ │ │ ├── __init__.py │ │ │ │ │ │ └── voc_eval.py │ │ │ │ ├── list_dataset.py │ │ │ │ └── voc.py │ │ │ ├── samplers │ │ │ │ ├── __init__.py │ │ │ │ ├── distributed.py │ │ │ │ ├── grouped_batch_sampler.py │ │ │ │ └── iteration_based_batch_sampler.py │ │ │ └── transforms │ │ │ │ ├── __init__.py │ │ │ │ ├── build.py │ │ │ │ └── transforms.py │ │ ├── engine │ │ │ ├── __init__.py │ │ │ ├── inference.py │ │ │ ├── tester.py │ │ │ └── trainer.py │ │ ├── layers │ │ │ ├── __init__.py │ │ │ ├── _utils.py │ │ │ ├── batch_norm.py │ │ │ ├── misc.py │ │ │ ├── nms.py │ │ │ ├── roi_align.py │ │ │ ├── roi_pool.py │ │ │ ├── sigmoid_focal_loss.py │ │ │ └── smooth_l1_loss.py │ │ ├── modeling │ │ │ ├── __init__.py │ │ │ ├── backbone │ │ │ │ ├── __init__.py │ │ │ │ ├── backbone.py │ │ │ │ ├── fpn.py │ │ │ │ └── resnet.py │ │ │ ├── balanced_positive_negative_sampler.py │ │ │ ├── box_coder.py │ │ │ ├── detector │ │ │ │ ├── __init__.py │ │ │ │ ├── detectors.py │ │ │ │ └── generalized_rcnn.py │ │ │ ├── make_layers.py │ │ │ ├── matcher.py │ │ │ ├── poolers.py │ │ │ ├── registry.py │ │ │ ├── roi_heads │ │ │ │ ├── __init__.py │ │ │ │ ├── box_head │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── box_head.py │ │ │ │ │ ├── inference.py │ │ │ │ │ ├── loss.py │ │ │ │ │ ├── roi_box_feature_extractors.py │ │ │ │ │ └── roi_box_predictors.py │ │ │ │ ├── keypoint_head │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── inference.py │ │ │ │ │ ├── keypoint_head.py │ │ │ │ │ ├── loss.py │ │ │ │ │ ├── roi_keypoint_feature_extractors.py │ │ │ │ │ └── roi_keypoint_predictors.py │ │ │ │ ├── mask_head │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── inference.py │ │ │ │ │ ├── loss.py │ │ │ │ │ ├── mask_head.py │ │ │ │ │ ├── roi_mask_feature_extractors.py │ │ │ │ │ └── roi_mask_predictors.py │ │ │ │ └── roi_heads.py │ │ │ ├── rpn │ │ │ │ ├── __init__.py │ │ │ │ ├── anchor_generator.py │ │ │ │ ├── inference.py │ │ │ │ ├── loss.py │ │ │ │ ├── retinanet │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── inference.py │ │ │ │ │ ├── loss.py │ │ │ │ │ └── retinanet.py │ │ │ │ ├── rpn.py │ │ │ │ └── utils.py │ │ │ └── utils.py │ │ ├── solver │ │ │ ├── __init__.py │ │ │ ├── build.py │ │ │ └── lr_scheduler.py │ │ ├── structures │ │ │ ├── __init__.py │ │ │ ├── bounding_box.py │ │ │ ├── boxlist_ops.py │ │ │ ├── image_list.py │ │ │ ├── keypoint.py │ │ │ └── segmentation_mask.py │ │ └── utils │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── c2_model_loading.py │ │ │ ├── checkpoint.py │ │ │ ├── collect_env.py │ │ │ ├── comm.py │ │ │ ├── cv2_util.py │ │ │ ├── env.py │ │ │ ├── imports.py │ │ │ ├── logger.py │ │ │ ├── metric_logger.py │ │ │ ├── miscellaneous.py │ │ │ ├── mlperf_logger.py │ │ │ ├── model_serialization.py │ │ │ ├── model_zoo.py │ │ │ └── registry.py │ ├── setup.py │ ├── tests │ │ ├── checkpoint.py │ │ ├── test_data_samplers.py │ │ └── test_metric_logger.py │ └── tools │ │ ├── cityscapes │ │ ├── convert_cityscapes_to_coco.py │ │ └── instances2dict_with_polygons.py │ │ ├── test_net.py │ │ ├── train_mlperf.py │ │ └── train_net.py └── run_and_time.sh ├── recommendation ├── download_dataset.sh └── verify_dataset.sh ├── recommendation_v2 └── torchrec_dlrm │ ├── Dockerfile │ ├── README.MD │ ├── __init__.py │ ├── aws_component.py │ ├── data │ ├── __init__.py │ ├── dlrm_dataloader.py │ └── multi_hot_criteo.py │ ├── dlrm_main.py │ ├── lr_scheduler.py │ ├── md5sums_MLPerf_v2_synthetic_multi_hot_sparse_dataset.txt │ ├── md5sums_preprocessed_criteo_click_logs_dataset.txt │ ├── mlperf_logging_utils.py │ ├── multi_hot.py │ ├── requirements.txt │ ├── scripts │ ├── materialize_synthetic_multihot_dataset.py │ └── process_Criteo_1TB_Click_Logs_dataset.sh │ └── tests │ └── test_dlrm_main.py ├── reference_results.md ├── retired_benchmarks ├── gnmt │ ├── .dockerignore │ ├── .gitignore │ ├── README.md │ ├── download_dataset.sh │ ├── pytorch │ │ ├── Dockerfile │ │ ├── LICENSE │ │ ├── README.md │ │ ├── requirements.txt │ │ ├── run.sh │ │ ├── run_and_time.sh │ │ ├── scripts │ │ │ ├── docker │ │ │ │ ├── build.sh │ │ │ │ └── interactive.sh │ │ │ └── filter_dataset.py │ │ ├── seq2seq │ │ │ ├── data │ │ │ │ ├── config.py │ │ │ │ ├── dataset.py │ │ │ │ ├── sampler.py │ │ │ │ └── tokenizer.py │ │ │ ├── inference │ │ │ │ ├── beam_search.py │ │ │ │ └── inference.py │ │ │ ├── models │ │ │ │ ├── attention.py │ │ │ │ ├── decoder.py │ │ │ │ ├── encoder.py │ │ │ │ ├── gnmt.py │ │ │ │ └── seq2seq_base.py │ │ │ ├── train │ │ │ │ ├── fp_optimizers.py │ │ │ │ ├── lr_scheduler.py │ │ │ │ ├── smoothing.py │ │ │ │ └── trainer.py │ │ │ └── utils.py │ │ ├── train.py │ │ └── translate.py │ └── verify_dataset.sh ├── minigo │ ├── README.md │ └── tensorflow │ │ ├── Dockerfile │ │ ├── minigo │ │ ├── .bazelrc │ │ ├── .gitignore │ │ ├── .pylintrc │ │ ├── LICENSE │ │ ├── README.md │ │ ├── RESULTS.md │ │ ├── WORKSPACE │ │ ├── __init__.py │ │ ├── batch_exporter.py │ │ ├── bigtable_input.py │ │ ├── bigtable_output.py │ │ ├── bootstrap.py │ │ ├── cc │ │ │ ├── .clang-format │ │ │ ├── BUILD │ │ │ ├── CPPLINT.cfg │ │ │ ├── README.md │ │ │ ├── algorithm.cc │ │ │ ├── algorithm.h │ │ │ ├── algorithm_test.cc │ │ │ ├── async │ │ │ │ ├── BUILD │ │ │ │ ├── poll_thread.cc │ │ │ │ ├── poll_thread.h │ │ │ │ ├── semaphore.h │ │ │ │ ├── sharded_executor.cc │ │ │ │ ├── sharded_executor.h │ │ │ │ ├── thread.cc │ │ │ │ ├── thread.h │ │ │ │ ├── thread_safe_queue.h │ │ │ │ └── thread_safe_queue_test.cc │ │ │ ├── benchmark.BUILD │ │ │ ├── color.cc │ │ │ ├── color.h │ │ │ ├── concurrent_selfplay.cc │ │ │ ├── config │ │ │ │ ├── BUILD │ │ │ │ └── minigo.bzl │ │ │ ├── configure_tensorflow.sh │ │ │ ├── constants.h │ │ │ ├── coord.cc │ │ │ ├── coord.h │ │ │ ├── coord_test.cc │ │ │ ├── cuda_configure.bzl │ │ │ ├── dual_net │ │ │ │ ├── BUILD │ │ │ │ ├── batching_dual_net.cc │ │ │ │ ├── batching_dual_net.h │ │ │ │ ├── batching_dual_net_test.cc │ │ │ │ ├── dual_net.cc │ │ │ │ ├── dual_net.h │ │ │ │ ├── dual_net_test.cc │ │ │ │ ├── factory.cc │ │ │ │ ├── factory.h │ │ │ │ ├── fake_dual_net.cc │ │ │ │ ├── fake_dual_net.h │ │ │ │ ├── inference_cache.cc │ │ │ │ ├── inference_cache.h │ │ │ │ ├── inference_cache_test.cc │ │ │ │ ├── lite_dual_net.cc │ │ │ │ ├── lite_dual_net.h │ │ │ │ ├── random_dual_net.cc │ │ │ │ ├── random_dual_net.h │ │ │ │ ├── reloading_dual_net.cc │ │ │ │ ├── reloading_dual_net.h │ │ │ │ ├── reloading_dual_net_test.cc │ │ │ │ ├── test_lite.minigo │ │ │ │ ├── test_model.pb │ │ │ │ ├── test_model.tflite │ │ │ │ ├── test_model.uff │ │ │ │ ├── test_tf.minigo │ │ │ │ ├── tf_dual_net.cc │ │ │ │ ├── tf_dual_net.h │ │ │ │ ├── tpu_dual_net.cc │ │ │ │ ├── tpu_dual_net.h │ │ │ │ ├── trt_dual_net.cc │ │ │ │ └── trt_dual_net.h │ │ │ ├── eval.cc │ │ │ ├── file │ │ │ │ ├── BUILD │ │ │ │ ├── directory_watcher.cc │ │ │ │ ├── directory_watcher.h │ │ │ │ ├── path.cc │ │ │ │ ├── path.h │ │ │ │ ├── path_test.cc │ │ │ │ ├── utils.h │ │ │ │ ├── utils_posix.cc │ │ │ │ ├── utils_test.cc │ │ │ │ ├── utils_tf.cc │ │ │ │ └── utils_windows.cc │ │ │ ├── game.cc │ │ │ ├── game.h │ │ │ ├── game_utils.cc │ │ │ ├── game_utils.h │ │ │ ├── group.cc │ │ │ ├── group.h │ │ │ ├── gtp.cc │ │ │ ├── gtp_client.cc │ │ │ ├── gtp_client.h │ │ │ ├── gtp_player.cc │ │ │ ├── gtp_player.h │ │ │ ├── init.cc │ │ │ ├── init.h │ │ │ ├── inline_vector.h │ │ │ ├── json.BUILD │ │ │ ├── logging.cc │ │ │ ├── logging.h │ │ │ ├── mcts_node.cc │ │ │ ├── mcts_node.h │ │ │ ├── mcts_node_test.cc │ │ │ ├── mcts_player.cc │ │ │ ├── mcts_player.h │ │ │ ├── mcts_player_test.cc │ │ │ ├── mcts_tree.cc │ │ │ ├── mcts_tree.h │ │ │ ├── mcts_tree_test.cc │ │ │ ├── minigui_gtp_client.cc │ │ │ ├── minigui_gtp_client.h │ │ │ ├── minigui_player.cc │ │ │ ├── minigui_player.h │ │ │ ├── model │ │ │ │ ├── BUILD │ │ │ │ ├── batching_model.cc │ │ │ │ ├── batching_model.h │ │ │ │ ├── batching_model_test.cc │ │ │ │ ├── buffered_model.cc │ │ │ │ ├── buffered_model.h │ │ │ │ ├── factory.cc │ │ │ │ ├── factory.h │ │ │ │ ├── features.cc │ │ │ │ ├── features.h │ │ │ │ ├── features_benchmark.cc │ │ │ │ ├── features_internal.h │ │ │ │ ├── features_test.cc │ │ │ │ ├── inference_cache.cc │ │ │ │ ├── inference_cache.h │ │ │ │ ├── inference_cache_test.cc │ │ │ │ ├── loader.cc │ │ │ │ ├── loader.h │ │ │ │ ├── model.cc │ │ │ │ ├── model.h │ │ │ │ ├── types.cc │ │ │ │ ├── types.h │ │ │ │ └── types_test.cc │ │ │ ├── move.cc │ │ │ ├── move.h │ │ │ ├── padded_array.h │ │ │ ├── pass_alive_test.cc │ │ │ ├── platform │ │ │ │ ├── BUILD │ │ │ │ ├── utils.h │ │ │ │ ├── utils_linux.cc │ │ │ │ ├── utils_osx.cc │ │ │ │ └── utils_windows.cc │ │ │ ├── position.cc │ │ │ ├── position.h │ │ │ ├── position_benchmark.cc │ │ │ ├── position_test.cc │ │ │ ├── puzzle.cc │ │ │ ├── random.cc │ │ │ ├── random.h │ │ │ ├── random_test.cc │ │ │ ├── replay_games.cc │ │ │ ├── sample_records.cc │ │ │ ├── selfplay.cc │ │ │ ├── sgf.cc │ │ │ ├── sgf.h │ │ │ ├── sgf_test.cc │ │ │ ├── simple_example.cc │ │ │ ├── stone.h │ │ │ ├── symmetries.cc │ │ │ ├── symmetries.h │ │ │ ├── symmetries_test.cc │ │ │ ├── tensorflow │ │ │ │ ├── BUILD │ │ │ │ └── copy_outputs.sh │ │ │ ├── tensorrt_configure.bzl │ │ │ ├── test.sh │ │ │ ├── test_utils.cc │ │ │ ├── test_utils.h │ │ │ ├── tf_bt_utils.cc │ │ │ ├── tf_bt_utils_dummy.cc │ │ │ ├── tf_utils.cc │ │ │ ├── tf_utils.h │ │ │ ├── tf_utils_dummy.cc │ │ │ ├── tfrzz_to_cbt.cc │ │ │ ├── thread_safe_queue.h │ │ │ ├── thread_safe_queue_test.cc │ │ │ ├── tiny_set.h │ │ │ ├── tpu_test.cc │ │ │ ├── wtf.BUILD │ │ │ ├── wtf_saver.cc │ │ │ ├── wtf_saver.h │ │ │ ├── zobrist.cc │ │ │ └── zobrist.h │ │ ├── cloud_logging.py │ │ ├── cluster │ │ │ ├── .gitignore │ │ │ ├── README.md │ │ │ ├── base │ │ │ │ ├── Dockerfile │ │ │ │ └── Makefile │ │ │ ├── calibrator │ │ │ │ ├── Dockerfile │ │ │ │ ├── Makefile │ │ │ │ └── calibrator-deployment.yaml │ │ │ ├── cgos │ │ │ │ ├── Dockerfile │ │ │ │ ├── Makefile │ │ │ │ └── cgos-player.yaml │ │ │ ├── cluster-down.sh │ │ │ ├── cluster-up-cpu.sh │ │ │ ├── cluster-up-gpu-large.sh │ │ │ ├── cluster-up-gpu.sh │ │ │ ├── cluster-up-simple.sh │ │ │ ├── cluster-up-tpu.sh │ │ │ ├── common.sh │ │ │ ├── create_table.sh │ │ │ ├── destroy.sh │ │ │ ├── eval_server │ │ │ │ ├── README.md │ │ │ │ ├── add_model.py │ │ │ │ └── launch_eval.py │ │ │ ├── evaluator │ │ │ │ ├── Dockerfile-cc │ │ │ │ ├── Dockerfile-py │ │ │ │ ├── Dockerfile-ringmaster │ │ │ │ ├── Makefile │ │ │ │ ├── cc-evaluator.yaml │ │ │ │ ├── deploy-cc-evaluator.sh │ │ │ │ ├── evaluator_cc_wrapper.sh │ │ │ │ ├── evaluator_py_wrapper.sh │ │ │ │ ├── evaluator_ringmaster_wrapper.py │ │ │ │ ├── evaluator_ringmaster_wrapper.sh │ │ │ │ ├── gpu-evaluator.yaml │ │ │ │ └── launch_eval.py │ │ │ ├── init-credentials.sh │ │ │ ├── make-all.sh │ │ │ ├── minigui │ │ │ │ ├── Dockerfile │ │ │ │ ├── Makefile │ │ │ │ ├── minigui-pod.yaml │ │ │ │ ├── run-local.sh │ │ │ │ └── simple-service.yaml │ │ │ ├── ringmaster │ │ │ │ ├── Makefile │ │ │ │ ├── example.ctl │ │ │ │ ├── lz-Dockerfile │ │ │ │ ├── mggtp-Dockerfile │ │ │ │ ├── p100-lz-tuning │ │ │ │ ├── ringmaster.yaml │ │ │ │ ├── ringmaster_wrapper.sh │ │ │ │ └── setup_ringmaster.py │ │ │ ├── selfplay │ │ │ │ ├── Dockerfile-cc │ │ │ │ ├── Dockerfile-py │ │ │ │ ├── Dockerfile-tpu │ │ │ │ ├── Makefile │ │ │ │ ├── README.md │ │ │ │ ├── cc-player.yaml │ │ │ │ ├── deploy-cc-player.sh │ │ │ │ ├── deploy-cpu-player.sh │ │ │ │ ├── deploy-gpu-player.sh │ │ │ │ ├── gpu-player.yaml │ │ │ │ ├── gpu-provision-daemonset.yaml │ │ │ │ ├── launch-tpu-deployment.sh │ │ │ │ ├── tpu-player-deployment-nr.yaml │ │ │ │ └── tpu-player-deployment.yaml │ │ │ ├── trainer │ │ │ │ ├── Dockerfile │ │ │ │ ├── Makefile │ │ │ │ ├── deploy-trainer.sh │ │ │ │ └── tpu-trainer-deployment.yaml │ │ │ ├── unset-common.sh │ │ │ ├── utils.sh │ │ │ └── var-status.sh │ │ ├── coords.py │ │ ├── dual_net.py │ │ ├── dual_net_edge_tpu.py │ │ ├── evaluate.py │ │ ├── features.py │ │ ├── freeze_graph.py │ │ ├── go.py │ │ ├── gtp.py │ │ ├── gtp_cmd_handlers.py │ │ ├── gtp_engine.py │ │ ├── mask_flags.py │ │ ├── mcts.py │ │ ├── minigo_model.py │ │ ├── minigui │ │ │ ├── README.md │ │ │ ├── app.ts │ │ │ ├── base.ts │ │ │ ├── board.ts │ │ │ ├── control │ │ │ │ ├── leelaz.ctl │ │ │ │ ├── minigo_edgetpu.ctl │ │ │ │ ├── minigo_py.ctl │ │ │ │ ├── minigo_tf.ctl │ │ │ │ └── vs.ctl │ │ │ ├── demo.ts │ │ │ ├── edgetpu │ │ │ │ ├── install_requirements.sh │ │ │ │ └── start_chromium.sh │ │ │ ├── fetch-and-run.sh │ │ │ ├── graph.ts │ │ │ ├── gtp_socket.ts │ │ │ ├── kiosk.ts │ │ │ ├── layer.ts │ │ │ ├── log.ts │ │ │ ├── minigui-common.sh │ │ │ ├── position.ts │ │ │ ├── requirements.txt │ │ │ ├── serve.py │ │ │ ├── static │ │ │ │ ├── app.js │ │ │ │ ├── base.js │ │ │ │ ├── board.js │ │ │ │ ├── demo.html │ │ │ │ ├── demo.js │ │ │ │ ├── graph.js │ │ │ │ ├── gtp_socket.js │ │ │ │ ├── heat_map.js │ │ │ │ ├── index.html │ │ │ │ ├── kiosk.html │ │ │ │ ├── kiosk.js │ │ │ │ ├── layer.js │ │ │ │ ├── log.js │ │ │ │ ├── lw_demo.html │ │ │ │ ├── position.js │ │ │ │ ├── require │ │ │ │ │ ├── LICENSE │ │ │ │ │ └── require.js │ │ │ │ ├── socketio │ │ │ │ │ ├── LICENSE │ │ │ │ │ └── socket.io.min.js │ │ │ │ ├── study.html │ │ │ │ ├── study.js │ │ │ │ ├── style.css │ │ │ │ ├── util.js │ │ │ │ ├── variation_tree.js │ │ │ │ ├── view.js │ │ │ │ ├── vs.html │ │ │ │ ├── vs.js │ │ │ │ └── winrate_graph.js │ │ │ ├── study.ts │ │ │ ├── unset-minigui-common.sh │ │ │ ├── util.ts │ │ │ ├── variation_tree.ts │ │ │ ├── view.ts │ │ │ ├── vs.ts │ │ │ └── winrate_graph.ts │ │ ├── ml_perf │ │ │ ├── .gitignore │ │ │ ├── README.md │ │ │ ├── eval_models.py │ │ │ ├── flags │ │ │ │ ├── 9 │ │ │ │ │ ├── architecture.flags │ │ │ │ │ ├── bootstrap.flags │ │ │ │ │ ├── eval.flags │ │ │ │ │ ├── rl_loop.flags │ │ │ │ │ ├── selfplay.flags │ │ │ │ │ ├── train.flags │ │ │ │ │ ├── train_loop.flags │ │ │ │ │ └── validate.flags │ │ │ │ └── 19 │ │ │ │ │ ├── architecture.flags │ │ │ │ │ ├── bootstrap.flags │ │ │ │ │ ├── eval.flags │ │ │ │ │ ├── rl_loop.flags │ │ │ │ │ ├── selfplay.flags │ │ │ │ │ ├── train.flags │ │ │ │ │ ├── train_loop.flags │ │ │ │ │ └── validate.flags │ │ │ ├── get_data.py │ │ │ ├── init_from_checkpoint.py │ │ │ ├── make_checkpoint.py │ │ │ ├── reference_implementation.py │ │ │ ├── repeat_run.sh │ │ │ ├── scripts │ │ │ │ ├── bootstrap.sh │ │ │ │ ├── common.sh │ │ │ │ ├── init_from_checkpoint.sh │ │ │ │ ├── make_checkpoint.sh │ │ │ │ ├── start_selfplay.sh │ │ │ │ ├── stop_selfplay.sh │ │ │ │ └── train.sh │ │ │ ├── train_loop.py │ │ │ └── utils.py │ │ ├── notes.txt │ │ ├── oneoffs │ │ │ ├── __init__.py │ │ │ ├── bigquery_games_schema.json │ │ │ ├── bigquery_moves_schema.json │ │ │ ├── cbt_eval_sgfs.py │ │ │ ├── cbt_models.py │ │ │ ├── compare_examples.py │ │ │ ├── distillation.py │ │ │ ├── dump_game.py │ │ │ ├── embeddings.py │ │ │ ├── embeddings_graphs.py │ │ │ ├── eval_sgf_to_cbt.py │ │ │ ├── generate_tpu_graph_def.py │ │ │ ├── get_tpu_address.py │ │ │ ├── heatmap.py │ │ │ ├── inspect_examples.py │ │ │ ├── l2_cost_by_var.py │ │ │ ├── ladder_detector.py │ │ │ ├── launch_tensorboard.py │ │ │ ├── modelstats.sh │ │ │ ├── oneoff_utils.py │ │ │ ├── position_pv.py │ │ │ ├── prepare_bigquery.py │ │ │ ├── resign_analysis.py │ │ │ ├── retrain.sh │ │ │ ├── rotate_examples.py │ │ │ ├── sharp_positions.py │ │ │ ├── swa.py │ │ │ ├── symmetry_analysis.py │ │ │ ├── training_curve.py │ │ │ ├── unwrap_model.py │ │ │ ├── validate_misc.py │ │ │ └── wrap_model.py │ │ ├── player_interface.py │ │ ├── preprocessing.py │ │ ├── ratings │ │ │ ├── cbt_ratings.py │ │ │ ├── math_ratings.py │ │ │ ├── rate_subdir.py │ │ │ ├── ratings.py │ │ │ ├── schema.sql │ │ │ └── sqlite_ratings.py │ │ ├── requirements-analysis.txt │ │ ├── requirements-colab.txt │ │ ├── requirements.txt │ │ ├── rl_loop │ │ │ ├── bootstrap.py │ │ │ ├── distributed_flags │ │ │ ├── distributed_flags_nr │ │ │ ├── example_buffer.py │ │ │ ├── fsdb.py │ │ │ ├── local_flags │ │ │ ├── local_integration_test.py │ │ │ ├── selfplay.py │ │ │ ├── shipname.py │ │ │ ├── train_and_validate.py │ │ │ └── update_resign_threshold.py │ │ ├── selfplay.py │ │ ├── sgf_wrapper.py │ │ ├── strategies.py │ │ ├── symmetries.py │ │ ├── test.sh │ │ ├── testing │ │ │ ├── Dockerfile.v2 │ │ │ ├── Makefile │ │ │ ├── README.md │ │ │ ├── bootstrap_v2.sh │ │ │ └── setup.sh │ │ ├── tests │ │ │ ├── __init__.py │ │ │ ├── example_game.sgf │ │ │ ├── run_tests.py │ │ │ ├── test_coords.py │ │ │ ├── test_dual_net.py │ │ │ ├── test_features.py │ │ │ ├── test_flags │ │ │ ├── test_go.py │ │ │ ├── test_mask_flags.py │ │ │ ├── test_mcts.py │ │ │ ├── test_preprocessing.py │ │ │ ├── test_sgf_wrapper.py │ │ │ ├── test_shipname.py │ │ │ ├── test_strategies.py │ │ │ ├── test_symmetries.py │ │ │ └── test_utils.py │ │ ├── train.py │ │ ├── tsconfig.json │ │ ├── utils.py │ │ └── validate.py │ │ ├── run.sh │ │ └── run_and_time.sh ├── ncf │ ├── .gitignore │ ├── Dockerfile │ ├── README.md │ ├── alias_generator.py │ ├── convert.py │ ├── ncf.py │ ├── negative_sampling_cpp │ │ ├── negative_sampling.cpp │ │ ├── setup.py │ │ └── test.py │ ├── neumf.py │ ├── requirements.txt │ ├── run_and_time.sh │ └── utils.py ├── never-adopted │ ├── sentiment_analysis │ │ ├── README.md │ │ ├── download.py │ │ ├── download_dataset.sh │ │ ├── paddle │ │ │ ├── run_and_time.sh │ │ │ └── train.py │ │ ├── verify.py │ │ └── verify_dataset.sh │ └── speech_recognition │ │ ├── README.md │ │ ├── __init__.py │ │ ├── data │ │ ├── .gitignore │ │ ├── __init__.py │ │ ├── bucketing_sampler.py │ │ ├── data-LibriSpeech-ref-cksum.out │ │ ├── data_loader.py │ │ ├── librispeech.py │ │ ├── merge_manifests.py │ │ └── utils.py │ │ ├── download_dataset.sh │ │ ├── labels.json │ │ ├── pytorch │ │ ├── .gitignore │ │ ├── decoder.py │ │ ├── docker │ │ │ ├── Dockerfile.gpu │ │ │ ├── base.gpu │ │ │ ├── build-docker.sh │ │ │ └── run-dev.sh │ │ ├── eval_model.py │ │ ├── model.py │ │ ├── params.py │ │ ├── run_and_time.sh │ │ └── train.py │ │ └── verify_dataset.sh ├── resnet-tf1 │ ├── Dockerfile │ ├── README.md │ ├── log_stitch.py │ ├── official │ │ ├── .gitignore │ │ ├── Dockerfile.cpu │ │ ├── Dockerfile.gpu │ │ ├── README.md │ │ ├── __init__.py │ │ ├── benchmark │ │ │ └── datastore │ │ │ │ └── schema │ │ │ │ ├── benchmark_metric.json │ │ │ │ └── benchmark_run.json │ │ ├── requirements.txt │ │ ├── resnet │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── imagenet_main.py │ │ │ ├── imagenet_preprocessing.py │ │ │ ├── imagenet_test.py │ │ │ ├── layer_test.py │ │ │ ├── resnet_model.py │ │ │ └── resnet_run_loop.py │ │ └── utils │ │ │ ├── __init__.py │ │ │ ├── arg_parsers │ │ │ ├── __init__.py │ │ │ ├── parsers.py │ │ │ └── parsers_test.py │ │ │ ├── export │ │ │ ├── __init__.py │ │ │ ├── export.py │ │ │ └── export_test.py │ │ │ ├── logs │ │ │ ├── __init__.py │ │ │ ├── benchmark_uploader.py │ │ │ ├── hooks.py │ │ │ ├── hooks_helper.py │ │ │ ├── hooks_helper_test.py │ │ │ ├── hooks_test.py │ │ │ ├── logger.py │ │ │ ├── logger_test.py │ │ │ ├── metric_hook.py │ │ │ └── metric_hook_test.py │ │ │ ├── misc │ │ │ ├── __init__.py │ │ │ ├── model_helpers.py │ │ │ └── model_helpers_test.py │ │ │ └── testing │ │ │ ├── __init__.py │ │ │ ├── integration.py │ │ │ ├── pylint.rcfile │ │ │ ├── reference_data.py │ │ │ ├── reference_data │ │ │ ├── reference_data_test │ │ │ │ ├── dense │ │ │ │ │ ├── expected_graph │ │ │ │ │ ├── model.ckpt.data-00000-of-00001 │ │ │ │ │ ├── model.ckpt.index │ │ │ │ │ ├── results.json │ │ │ │ │ └── tf_version.json │ │ │ │ └── uniform_random │ │ │ │ │ ├── expected_graph │ │ │ │ │ ├── model.ckpt.data-00000-of-00001 │ │ │ │ │ ├── model.ckpt.index │ │ │ │ │ ├── results.json │ │ │ │ │ └── tf_version.json │ │ │ └── resnet │ │ │ │ ├── batch-size-32_bottleneck_projection_version-1_width-8_channels-4 │ │ │ │ ├── expected_graph │ │ │ │ ├── model.ckpt.data-00000-of-00001 │ │ │ │ ├── model.ckpt.index │ │ │ │ ├── results.json │ │ │ │ └── tf_version.json │ │ │ │ ├── batch-size-32_bottleneck_projection_version-2_width-8_channels-4 │ │ │ │ ├── expected_graph │ │ │ │ ├── model.ckpt.data-00000-of-00001 │ │ │ │ ├── model.ckpt.index │ │ │ │ ├── results.json │ │ │ │ └── tf_version.json │ │ │ │ ├── batch-size-32_bottleneck_version-1_width-8_channels-4 │ │ │ │ ├── expected_graph │ │ │ │ ├── model.ckpt.data-00000-of-00001 │ │ │ │ ├── model.ckpt.index │ │ │ │ ├── results.json │ │ │ │ └── tf_version.json │ │ │ │ ├── batch-size-32_bottleneck_version-2_width-8_channels-4 │ │ │ │ ├── expected_graph │ │ │ │ ├── model.ckpt.data-00000-of-00001 │ │ │ │ ├── model.ckpt.index │ │ │ │ ├── results.json │ │ │ │ └── tf_version.json │ │ │ │ ├── batch-size-32_building_projection_version-1_width-8_channels-4 │ │ │ │ ├── expected_graph │ │ │ │ ├── model.ckpt.data-00000-of-00001 │ │ │ │ ├── model.ckpt.index │ │ │ │ ├── results.json │ │ │ │ └── tf_version.json │ │ │ │ ├── batch-size-32_building_projection_version-2_width-8_channels-4 │ │ │ │ ├── expected_graph │ │ │ │ ├── model.ckpt.data-00000-of-00001 │ │ │ │ ├── model.ckpt.index │ │ │ │ ├── results.json │ │ │ │ └── tf_version.json │ │ │ │ ├── batch-size-32_building_version-1_width-8_channels-4 │ │ │ │ ├── expected_graph │ │ │ │ ├── model.ckpt.data-00000-of-00001 │ │ │ │ ├── model.ckpt.index │ │ │ │ ├── results.json │ │ │ │ └── tf_version.json │ │ │ │ ├── batch-size-32_building_version-2_width-8_channels-4 │ │ │ │ ├── expected_graph │ │ │ │ ├── model.ckpt.data-00000-of-00001 │ │ │ │ ├── model.ckpt.index │ │ │ │ ├── results.json │ │ │ │ └── tf_version.json │ │ │ │ └── batch_norm │ │ │ │ ├── expected_graph │ │ │ │ ├── model.ckpt.data-00000-of-00001 │ │ │ │ ├── model.ckpt.index │ │ │ │ ├── results.json │ │ │ │ └── tf_version.json │ │ │ ├── reference_data_test.py │ │ │ └── scripts │ │ │ └── presubmit.sh │ ├── official_diff.txt │ ├── preprocess.sh │ ├── requirements.txt │ ├── run.sh │ └── run_and_time.sh ├── ssd-v1 │ ├── Dockerfile │ ├── download_dataset.sh │ ├── download_resnet34_backbone.sh │ ├── pth_to_pickle.py │ ├── requirements.txt │ └── ssd │ │ ├── README.md │ │ ├── base_model.py │ │ ├── bind_launch.py │ │ ├── coco.py │ │ ├── config_DGX1_32.sh │ │ ├── config_DGX1_multinode.sh │ │ ├── config_DGX1_singlenode.sh │ │ ├── distributed.py │ │ ├── eval.py │ │ ├── mlperf_logger.py │ │ ├── run.sub │ │ ├── run_and_time.sh │ │ ├── ssd300.py │ │ ├── train.py │ │ └── utils.py └── transformer │ ├── README.md │ ├── data_download.py │ ├── download_data.sh │ ├── tensorflow │ ├── Dockerfile │ ├── bert │ │ ├── README.md │ │ ├── __init__.py │ │ ├── create_pretraining_data.py │ │ ├── extract_features.py │ │ ├── lamb_optimizer_v1.py │ │ ├── modeling.py │ │ ├── modeling_test.py │ │ ├── optimization.py │ │ ├── optimization_test.py │ │ ├── run_classifier.py │ │ ├── run_pretraining.py │ │ ├── run_squad.py │ │ ├── tokenization.py │ │ └── tokenization_test.py │ ├── process_data.py │ ├── requirements.txt │ ├── run_and_time.sh │ ├── run_preprocessing.sh │ ├── run_training.sh │ ├── transformer │ │ ├── README.md │ │ ├── __init__.py │ │ ├── compute_bleu.py │ │ ├── compute_bleu_test.py │ │ ├── data_download.py │ │ ├── model │ │ │ ├── __init__.py │ │ │ ├── attention_layer.py │ │ │ ├── beam_search.py │ │ │ ├── beam_search_test.py │ │ │ ├── embedding_layer.py │ │ │ ├── ffn_layer.py │ │ │ ├── model_params.py │ │ │ ├── model_utils.py │ │ │ ├── model_utils_test.py │ │ │ └── transformer.py │ │ ├── transformer_main.py │ │ ├── translate.py │ │ ├── utils │ │ │ ├── __init__.py │ │ │ ├── dataset.py │ │ │ ├── metrics.py │ │ │ ├── tokenizer.py │ │ │ └── tokenizer_test.py │ │ └── vocab │ │ │ └── vocab.translate_ende_wmt32k.32768.subwords │ └── transformer_diff.txt │ └── verify_dataset.sh ├── rnn_speech_recognition └── pytorch │ ├── .dockerignore │ ├── Dockerfile │ ├── LICENSE │ ├── NOTICE │ ├── README.md │ ├── common │ ├── __init__.py │ ├── audio.py │ ├── data │ │ ├── __init__.py │ │ ├── dali │ │ │ ├── __init__.py │ │ │ ├── data_loader.py │ │ │ ├── iterator.py │ │ │ ├── pipeline.py │ │ │ └── sampler.py │ │ ├── dataset.py │ │ ├── features.py │ │ ├── helpers.py │ │ └── text.py │ ├── helpers.py │ ├── metrics.py │ ├── optimizers.py │ ├── rnn.py │ ├── sampler.py │ ├── tb_dllogger.py │ └── text │ │ ├── LICENSE │ │ ├── __init__.py │ │ ├── cleaners.py │ │ ├── numbers.py │ │ └── symbols.py │ ├── configs │ └── baseline_v3-1023sp.yaml │ ├── docker-compose.yaml │ ├── eval_model.py │ ├── inference.py │ ├── mlperf │ ├── __init__.py │ └── logging.py │ ├── requirements.txt │ ├── rnnt │ ├── config.py │ ├── decoder.py │ ├── loss.py │ └── model.py │ ├── rnnt_layers.svg │ ├── run_and_time.sh │ ├── scripts │ ├── create_sentencepieces.sh │ ├── docker │ │ ├── build.sh │ │ └── launch.sh │ ├── download_librispeech.sh │ ├── inference.sh │ ├── inference_benchmark.sh │ ├── preprocess_librispeech.sh │ ├── train.sh │ ├── train_bench.sh │ ├── train_debug.sh │ └── train_refactor.sh │ ├── tests │ ├── Dockerfile │ ├── requirements.txt │ └── rnnt │ │ └── dataset │ │ └── test_rnnt_wordpiece_tokenizer.py │ ├── train.py │ └── utils │ ├── __init__.py │ ├── convert_librispeech.py │ ├── download_librispeech.py │ ├── download_utils.py │ ├── inference_librispeech.csv │ ├── librispeech.csv │ └── preprocessing_utils.py ├── single_stage_detector ├── .dockerignore ├── Dockerfile ├── README.md ├── mlcube │ ├── README.md │ └── mlcube.yaml ├── requirements.txt ├── scripts │ ├── backbone_to_onnx.py │ ├── download_backbone.sh │ ├── download_coco2017.sh │ ├── download_openimages_demo.sh │ ├── download_openimages_full.sh │ ├── download_openimages_mlperf.sh │ ├── fiftyone_openimages.py │ ├── pth_to_onnx.py │ └── pth_to_pickle.py └── ssd │ ├── .gitignore │ ├── LICENSE │ ├── bind.sh │ ├── check_logs.sh │ ├── coco_eval.py │ ├── coco_utils.py │ ├── config_DGXA100_001x08x032.sh │ ├── config_DGXA100_002x08x016.sh │ ├── config_DGXA100_008x08x004_inference_benchmark.sh │ ├── config_DGXA100_008x08x008.sh │ ├── config_DGXA100_032x08x032.sh │ ├── engine.py │ ├── model │ ├── __init__.py │ ├── anchor_utils.py │ ├── backbone_utils.py │ ├── boxes.py │ ├── feature_pyramid_network.py │ ├── focal_loss.py │ ├── image_list.py │ ├── resnet.py │ ├── retinanet.py │ ├── roi_heads.py │ ├── transform.py │ └── utils.py │ ├── presets.py │ ├── run.sub │ ├── run_and_time.sh │ ├── run_demo.sh │ ├── ssd_logger.py │ ├── train.py │ ├── transforms.py │ └── utils.py └── stable_diffusion ├── .dockerignore ├── .gitignore ├── Dockerfile ├── LICENSE ├── README.md ├── configs ├── train_01x08x08.yaml ├── train_32x08x02.yaml ├── train_32x08x02_raw_images.yaml ├── train_32x08x04.yaml └── train_32x08x08.yaml ├── imgs └── overview.png ├── ldm ├── data │ ├── __init__.py │ ├── base.py │ ├── composable_data_module.py │ ├── tsv.py │ ├── utils.py │ └── webdatasets.py ├── lr_scheduler.py ├── models │ ├── autoencoder.py │ ├── clip_encoder.py │ └── diffusion │ │ ├── __init__.py │ │ ├── ddim.py │ │ ├── ddpm.py │ │ ├── dpm_solver │ │ ├── __init__.py │ │ ├── dpm_solver.py │ │ └── sampler.py │ │ ├── plms.py │ │ └── sampling_util.py ├── modules │ ├── attention.py │ ├── diffusionmodules │ │ ├── __init__.py │ │ ├── model.py │ │ ├── openaimodel.py │ │ ├── upscaling.py │ │ └── util.py │ ├── distributions │ │ ├── __init__.py │ │ └── distributions.py │ ├── ema.py │ ├── encoders │ │ ├── __init__.py │ │ └── modules.py │ └── fid │ │ ├── README.md │ │ ├── fid_score.py │ │ └── inception.py └── util.py ├── main.py ├── mlperf_logging_utils.py ├── requirements.txt ├── run_and_time.sh ├── scripts ├── checkpoints │ ├── download_clip.sh │ ├── download_inception.sh │ └── download_sd.sh ├── datasets │ ├── coco-2014-validation-download.sh │ ├── coco-2014-validation-split-resize.sh │ ├── coco-split-resize.py │ ├── coco2014-validation-download-prompts.sh │ ├── coco2014-validation-download-stats.sh │ ├── filter-metadata.py │ ├── generate-fid-statistics.sh │ ├── laion400m-convert-images-to-moments.sh │ ├── laion400m-download-dataset.sh │ ├── laion400m-download-metadata.sh │ ├── laion400m-filter-metadata.sh │ ├── laion400m-filtered-download-images.sh │ └── laion400m-filtered-download-moments.sh ├── docker │ ├── build.sh │ └── launch.sh └── slurm │ ├── sbatch.sh │ └── srun.sh └── webdataset_images2latents.py /.github/CODEOWNERS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/.github/CODEOWNERS -------------------------------------------------------------------------------- /.github/workflows/cla.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/.github/workflows/cla.yml -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/.gitignore -------------------------------------------------------------------------------- /.gitmodules: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/.gitmodules -------------------------------------------------------------------------------- /CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/CONTRIBUTING.md -------------------------------------------------------------------------------- /LICENSE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/LICENSE.md -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/README.md -------------------------------------------------------------------------------- /benchmark_readme_template.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/benchmark_readme_template.md -------------------------------------------------------------------------------- /graph_neural_network/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/graph_neural_network/Dockerfile -------------------------------------------------------------------------------- /graph_neural_network/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/graph_neural_network/README.md -------------------------------------------------------------------------------- /graph_neural_network/build_partition_feature.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/graph_neural_network/build_partition_feature.py -------------------------------------------------------------------------------- /graph_neural_network/compress_graph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/graph_neural_network/compress_graph.py -------------------------------------------------------------------------------- /graph_neural_network/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/graph_neural_network/dataset.py -------------------------------------------------------------------------------- /graph_neural_network/dist_train_rgnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/graph_neural_network/dist_train_rgnn.py -------------------------------------------------------------------------------- /graph_neural_network/download.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/graph_neural_network/download.py -------------------------------------------------------------------------------- /graph_neural_network/download_igbh_full.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/graph_neural_network/download_igbh_full.sh -------------------------------------------------------------------------------- /graph_neural_network/mlperf_logging_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/graph_neural_network/mlperf_logging_utils.py -------------------------------------------------------------------------------- /graph_neural_network/partition.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/graph_neural_network/partition.py -------------------------------------------------------------------------------- /graph_neural_network/rgnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/graph_neural_network/rgnn.py -------------------------------------------------------------------------------- /graph_neural_network/split_seeds.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/graph_neural_network/split_seeds.py -------------------------------------------------------------------------------- /graph_neural_network/train_rgnn_multi_gpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/graph_neural_network/train_rgnn_multi_gpu.py -------------------------------------------------------------------------------- /graph_neural_network/utilities.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/graph_neural_network/utilities.py -------------------------------------------------------------------------------- /image_classification/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_classification/README.md -------------------------------------------------------------------------------- /image_classification/README_old.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_classification/README_old.md -------------------------------------------------------------------------------- /image_classification/download_dataset.sh: -------------------------------------------------------------------------------- 1 | #!/bin/bash 2 | 3 | # TODO 4 | -------------------------------------------------------------------------------- /image_classification/tensorflow2/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_classification/tensorflow2/common.py -------------------------------------------------------------------------------- /image_classification/tensorflow2/imagenet_preprocessing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_classification/tensorflow2/imagenet_preprocessing.py -------------------------------------------------------------------------------- /image_classification/tensorflow2/lars_optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_classification/tensorflow2/lars_optimizer.py -------------------------------------------------------------------------------- /image_classification/tensorflow2/lars_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_classification/tensorflow2/lars_util.py -------------------------------------------------------------------------------- /image_classification/tensorflow2/resnet_ctl_imagenet_main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_classification/tensorflow2/resnet_ctl_imagenet_main.py -------------------------------------------------------------------------------- /image_classification/tensorflow2/resnet_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_classification/tensorflow2/resnet_model.py -------------------------------------------------------------------------------- /image_classification/tensorflow2/resnet_runnable.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_classification/tensorflow2/resnet_runnable.py -------------------------------------------------------------------------------- /image_classification/tensorflow2/tf2_common/training/controller.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_classification/tensorflow2/tf2_common/training/controller.py -------------------------------------------------------------------------------- /image_classification/tensorflow2/tf2_common/training/runnable.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_classification/tensorflow2/tf2_common/training/runnable.py -------------------------------------------------------------------------------- /image_classification/tensorflow2/tf2_common/training/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_classification/tensorflow2/tf2_common/training/utils.py -------------------------------------------------------------------------------- /image_classification/tensorflow2/tf2_common/utils/flags/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /image_classification/tensorflow2/tf2_common/utils/flags/_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_classification/tensorflow2/tf2_common/utils/flags/_base.py -------------------------------------------------------------------------------- /image_classification/tensorflow2/tf2_common/utils/flags/_device.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_classification/tensorflow2/tf2_common/utils/flags/_device.py -------------------------------------------------------------------------------- /image_classification/tensorflow2/tf2_common/utils/flags/_misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_classification/tensorflow2/tf2_common/utils/flags/_misc.py -------------------------------------------------------------------------------- /image_classification/tensorflow2/tf2_common/utils/flags/core.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_classification/tensorflow2/tf2_common/utils/flags/core.py -------------------------------------------------------------------------------- /image_classification/tensorflow2/tf2_common/utils/logs/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /image_classification/tensorflow2/tf2_common/utils/logs/hooks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_classification/tensorflow2/tf2_common/utils/logs/hooks.py -------------------------------------------------------------------------------- /image_classification/tensorflow2/tf2_common/utils/logs/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_classification/tensorflow2/tf2_common/utils/logs/logger.py -------------------------------------------------------------------------------- /image_classification/tensorflow2/tf2_common/utils/misc/tpu_lib.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_classification/tensorflow2/tf2_common/utils/misc/tpu_lib.py -------------------------------------------------------------------------------- /image_classification/tensorflow2/tf2_common/utils/mlp_log/__init__.py: -------------------------------------------------------------------------------- 1 | """MLP Logging.""" 2 | -------------------------------------------------------------------------------- /image_classification/verify_dataset.sh: -------------------------------------------------------------------------------- 1 | #!/bin/bash 2 | 3 | # TODO 4 | -------------------------------------------------------------------------------- /image_segmentation/pytorch/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_segmentation/pytorch/Dockerfile -------------------------------------------------------------------------------- /image_segmentation/pytorch/LICENCE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_segmentation/pytorch/LICENCE -------------------------------------------------------------------------------- /image_segmentation/pytorch/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_segmentation/pytorch/README.md -------------------------------------------------------------------------------- /image_segmentation/pytorch/checksum.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_segmentation/pytorch/checksum.json -------------------------------------------------------------------------------- /image_segmentation/pytorch/data_loading/data_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_segmentation/pytorch/data_loading/data_loader.py -------------------------------------------------------------------------------- /image_segmentation/pytorch/data_loading/pytorch_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_segmentation/pytorch/data_loading/pytorch_loader.py -------------------------------------------------------------------------------- /image_segmentation/pytorch/evaluation_cases.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_segmentation/pytorch/evaluation_cases.txt -------------------------------------------------------------------------------- /image_segmentation/pytorch/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_segmentation/pytorch/main.py -------------------------------------------------------------------------------- /image_segmentation/pytorch/model/layers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_segmentation/pytorch/model/layers.py -------------------------------------------------------------------------------- /image_segmentation/pytorch/model/losses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_segmentation/pytorch/model/losses.py -------------------------------------------------------------------------------- /image_segmentation/pytorch/model/unet3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_segmentation/pytorch/model/unet3d.py -------------------------------------------------------------------------------- /image_segmentation/pytorch/oldREADME.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_segmentation/pytorch/oldREADME.md -------------------------------------------------------------------------------- /image_segmentation/pytorch/preprocess_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_segmentation/pytorch/preprocess_dataset.py -------------------------------------------------------------------------------- /image_segmentation/pytorch/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_segmentation/pytorch/requirements.txt -------------------------------------------------------------------------------- /image_segmentation/pytorch/run_and_time.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_segmentation/pytorch/run_and_time.sh -------------------------------------------------------------------------------- /image_segmentation/pytorch/runtime/arguments.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_segmentation/pytorch/runtime/arguments.py -------------------------------------------------------------------------------- /image_segmentation/pytorch/runtime/callbacks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_segmentation/pytorch/runtime/callbacks.py -------------------------------------------------------------------------------- /image_segmentation/pytorch/runtime/distributed_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_segmentation/pytorch/runtime/distributed_utils.py -------------------------------------------------------------------------------- /image_segmentation/pytorch/runtime/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_segmentation/pytorch/runtime/inference.py -------------------------------------------------------------------------------- /image_segmentation/pytorch/runtime/logging.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_segmentation/pytorch/runtime/logging.py -------------------------------------------------------------------------------- /image_segmentation/pytorch/runtime/training.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/image_segmentation/pytorch/runtime/training.py -------------------------------------------------------------------------------- /install_cuda_docker.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/install_cuda_docker.sh -------------------------------------------------------------------------------- /language_model/tensorflow/bert/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/language_model/tensorflow/bert/README.md -------------------------------------------------------------------------------- /language_model/tensorflow/bert/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /language_model/tensorflow/bert/checkpoint_add_gradacc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/language_model/tensorflow/bert/checkpoint_add_gradacc.py -------------------------------------------------------------------------------- /language_model/tensorflow/bert/cleanup_scripts/clean.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/language_model/tensorflow/bert/cleanup_scripts/clean.sh -------------------------------------------------------------------------------- /language_model/tensorflow/bert/cleanup_scripts/cleanup_file.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/language_model/tensorflow/bert/cleanup_scripts/cleanup_file.py -------------------------------------------------------------------------------- /language_model/tensorflow/bert/cleanup_scripts/do_gather.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/language_model/tensorflow/bert/cleanup_scripts/do_gather.py -------------------------------------------------------------------------------- /language_model/tensorflow/bert/cleanup_scripts/eval.md5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/language_model/tensorflow/bert/cleanup_scripts/eval.md5 -------------------------------------------------------------------------------- /language_model/tensorflow/bert/cleanup_scripts/process_wiki.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/language_model/tensorflow/bert/cleanup_scripts/process_wiki.sh -------------------------------------------------------------------------------- /language_model/tensorflow/bert/cleanup_scripts/sample_data/wiki_00: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/language_model/tensorflow/bert/cleanup_scripts/sample_data/wiki_00 -------------------------------------------------------------------------------- /language_model/tensorflow/bert/cleanup_scripts/sample_data/wiki_01: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/language_model/tensorflow/bert/cleanup_scripts/sample_data/wiki_01 -------------------------------------------------------------------------------- /language_model/tensorflow/bert/cleanup_scripts/sample_data/wiki_02: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/language_model/tensorflow/bert/cleanup_scripts/sample_data/wiki_02 -------------------------------------------------------------------------------- /language_model/tensorflow/bert/cleanup_scripts/sample_data/wiki_03: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/language_model/tensorflow/bert/cleanup_scripts/sample_data/wiki_03 -------------------------------------------------------------------------------- /language_model/tensorflow/bert/cleanup_scripts/tokenization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/language_model/tensorflow/bert/cleanup_scripts/tokenization.py -------------------------------------------------------------------------------- /language_model/tensorflow/bert/dataset.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/language_model/tensorflow/bert/dataset.md -------------------------------------------------------------------------------- /language_model/tensorflow/bert/deferred_grad_optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/language_model/tensorflow/bert/deferred_grad_optimizer.py -------------------------------------------------------------------------------- /language_model/tensorflow/bert/distribution_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/language_model/tensorflow/bert/distribution_utils.py -------------------------------------------------------------------------------- /language_model/tensorflow/bert/extract_features.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/language_model/tensorflow/bert/extract_features.py -------------------------------------------------------------------------------- /language_model/tensorflow/bert/lamb_optimizer_v1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/language_model/tensorflow/bert/lamb_optimizer_v1.py -------------------------------------------------------------------------------- /language_model/tensorflow/bert/mlp_logging.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/language_model/tensorflow/bert/mlp_logging.py -------------------------------------------------------------------------------- /language_model/tensorflow/bert/modeling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/language_model/tensorflow/bert/modeling.py -------------------------------------------------------------------------------- /language_model/tensorflow/bert/optimization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/language_model/tensorflow/bert/optimization.py -------------------------------------------------------------------------------- /language_model/tensorflow/bert/run_pretraining.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/language_model/tensorflow/bert/run_pretraining.py -------------------------------------------------------------------------------- /language_model/tensorflow/bert/tpu_lib.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/language_model/tensorflow/bert/tpu_lib.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/Dockerfile -------------------------------------------------------------------------------- /large_language_model/megatron-lm/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/LICENSE -------------------------------------------------------------------------------- /large_language_model/megatron-lm/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/README.md -------------------------------------------------------------------------------- /large_language_model/megatron-lm/checksums/additional_checkpoint_files/metadata.json: -------------------------------------------------------------------------------- 1 | {"sharded_backend": "zarr"} 2 | -------------------------------------------------------------------------------- /large_language_model/megatron-lm/checksums/dataset_checksum.log: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/checksums/dataset_checksum.log -------------------------------------------------------------------------------- /large_language_model/megatron-lm/gpt3_blend.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/gpt3_blend.sh -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/__init__.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/arguments.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/arguments.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/checkpointing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/checkpointing.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/core/dist_checkpointing/tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/data/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/data/Makefile -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/data/__init__.py: -------------------------------------------------------------------------------- 1 | from . import indexed_dataset 2 | -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/data/autoaugment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/data/autoaugment.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/data/bert_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/data/bert_dataset.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/data/data_samplers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/data/data_samplers.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/data/dataset_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/data/dataset_utils.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/data/gpt_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/data/gpt_dataset.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/data/helpers.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/data/helpers.cpp -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/data/ict_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/data/ict_dataset.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/data/indexed_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/data/indexed_dataset.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/data/realm_index.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/data/realm_index.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/dist_signal_handler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/dist_signal_handler.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/fused_kernels/compat.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/fused_kernels/compat.h -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/fused_kernels/tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/global_vars.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/global_vars.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/indexer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/indexer.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/initialize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/initialize.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/learning_rates.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/learning_rates.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/memory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/memory.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/microbatches.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/microbatches.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/model/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/model/__init__.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/model/biencoder_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/model/biencoder_model.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/model/classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/model/classification.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/model/distributed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/model/distributed.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/model/enums.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/model/enums.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/model/fused_bias_gelu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/model/fused_bias_gelu.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/model/fused_softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/model/fused_softmax.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/model/gpt_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/model/gpt_model.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/model/language_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/model/language_model.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/model/module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/model/module.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/model/multiple_choice.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/model/multiple_choice.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/model/realm_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/model/realm_model.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/model/transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/model/transformer.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/model/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/model/utils.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/model/vit_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/model/vit_model.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/mpu/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/mpu/__init__.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/mpu/cross_entropy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/mpu/cross_entropy.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/mpu/data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/mpu/data.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/mpu/initialize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/mpu/initialize.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/mpu/layers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/mpu/layers.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/mpu/mappings.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/mpu/mappings.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/mpu/random.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/mpu/random.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/mpu/tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/mpu/tests/commons.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/mpu/tests/commons.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/mpu/tests/test_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/mpu/tests/test_data.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/mpu/tests/test_layers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/mpu/tests/test_layers.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/mpu/tests/test_random.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/mpu/tests/test_random.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/mpu/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/mpu/utils.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/optimizer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/optimizer/__init__.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/optimizer/clip_grads.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/optimizer/clip_grads.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/optimizer/grad_scaler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/optimizer/grad_scaler.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/optimizer/optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/optimizer/optimizer.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/p2p_communication.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/p2p_communication.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/schedules.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/schedules.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/static/index.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/static/index.html -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/text_generation/api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/text_generation/api.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/timers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/timers.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/tokenizer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/tokenizer/__init__.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/tokenizer/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/tokenizer/tokenizer.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/training.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/training.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/megatron/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/megatron/utils.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/pretrain_gpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/pretrain_gpt.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/requirements.txt -------------------------------------------------------------------------------- /large_language_model/megatron-lm/run_gpt3.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/run_gpt3.sh -------------------------------------------------------------------------------- /large_language_model/megatron-lm/scripts/common_bf16.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/scripts/common_bf16.json -------------------------------------------------------------------------------- /large_language_model/megatron-lm/scripts/common_fp32.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/scripts/common_fp32.json -------------------------------------------------------------------------------- /large_language_model/megatron-lm/scripts/json_to_torch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/scripts/json_to_torch.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/scripts/load_checkpoint.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/scripts/load_checkpoint.md -------------------------------------------------------------------------------- /large_language_model/megatron-lm/scripts/load_checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/scripts/load_checkpoint.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/scripts/preprocess.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/scripts/preprocess.sh -------------------------------------------------------------------------------- /large_language_model/megatron-lm/scripts/preprocess_val.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/scripts/preprocess_val.sh -------------------------------------------------------------------------------- /large_language_model/megatron-lm/tasks/data_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/tasks/data_utils.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/tasks/ensemble_classifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/tasks/ensemble_classifier.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/tasks/eval_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/tasks/eval_utils.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/tasks/finetune_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/tasks/finetune_utils.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/tasks/glue/data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/tasks/glue/data.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/tasks/glue/finetune.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/tasks/glue/finetune.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/tasks/glue/mnli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/tasks/glue/mnli.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/tasks/glue/qqp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/tasks/glue/qqp.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/tasks/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/tasks/main.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/tasks/orqa/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/tasks/orqa/README.md -------------------------------------------------------------------------------- /large_language_model/megatron-lm/tasks/orqa/evaluate_orqa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/tasks/orqa/evaluate_orqa.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/tasks/orqa/evaluate_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/tasks/orqa/evaluate_utils.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/tasks/orqa/supervised/data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/tasks/orqa/supervised/data.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/tasks/orqa/unsupervised/nq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/tasks/orqa/unsupervised/nq.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/tasks/race/data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/tasks/race/data.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/tasks/race/finetune.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/tasks/race/finetune.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/tasks/vision/classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/tasks/vision/classification.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/tasks/vision/eval_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/tasks/vision/eval_utils.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/tasks/vision/finetune_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/tasks/vision/finetune_utils.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/tasks/vision/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/tasks/vision/main.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/tasks/zeroshot_gpt/datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/tasks/zeroshot_gpt/datasets.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/tasks/zeroshot_gpt/evaluate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/tasks/zeroshot_gpt/evaluate.py -------------------------------------------------------------------------------- /large_language_model/megatron-lm/tools/preprocess_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/megatron-lm/tools/preprocess_data.py -------------------------------------------------------------------------------- /large_language_model/paxml/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/paxml/README.md -------------------------------------------------------------------------------- /large_language_model/paxml/c4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/paxml/c4.py -------------------------------------------------------------------------------- /large_language_model/paxml/c4_mllog.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/paxml/c4_mllog.py -------------------------------------------------------------------------------- /large_language_model/paxml/lm_cloud.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/paxml/lm_cloud.py -------------------------------------------------------------------------------- /large_language_model/paxml/model_params.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/paxml/model_params.py -------------------------------------------------------------------------------- /large_language_model/paxml/utils/generate_spm.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/paxml/utils/generate_spm.md -------------------------------------------------------------------------------- /large_language_model/paxml/utils/load_ts_ckpt.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/paxml/utils/load_ts_ckpt.md -------------------------------------------------------------------------------- /large_language_model/paxml/utils/load_ts_ckpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/paxml/utils/load_ts_ckpt.py -------------------------------------------------------------------------------- /large_language_model/paxml/utils/select_example.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/paxml/utils/select_example.md -------------------------------------------------------------------------------- /large_language_model/paxml/utils/select_example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/paxml/utils/select_example.py -------------------------------------------------------------------------------- /large_language_model/paxml/utils/select_text.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/large_language_model/paxml/utils/select_text.py -------------------------------------------------------------------------------- /llama2_70b_lora/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/llama2_70b_lora/Dockerfile -------------------------------------------------------------------------------- /llama2_70b_lora/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/llama2_70b_lora/README.md -------------------------------------------------------------------------------- /llama2_70b_lora/configs/default_config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/llama2_70b_lora/configs/default_config.yaml -------------------------------------------------------------------------------- /llama2_70b_lora/convergence_example.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/llama2_70b_lora/convergence_example.txt -------------------------------------------------------------------------------- /llama2_70b_lora/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/llama2_70b_lora/requirements.txt -------------------------------------------------------------------------------- /llama2_70b_lora/run_docker.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/llama2_70b_lora/run_docker.sh -------------------------------------------------------------------------------- /llama2_70b_lora/run_llama_70B_scrolls_r16.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/llama2_70b_lora/run_llama_70B_scrolls_r16.sh -------------------------------------------------------------------------------- /llama2_70b_lora/scripts/mlperf_logging_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/llama2_70b_lora/scripts/mlperf_logging_utils.py -------------------------------------------------------------------------------- /llama2_70b_lora/scripts/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/llama2_70b_lora/scripts/train.py -------------------------------------------------------------------------------- /llama2_70b_lora/scripts/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/llama2_70b_lora/scripts/utils.py -------------------------------------------------------------------------------- /object_detection/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/Dockerfile -------------------------------------------------------------------------------- /object_detection/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/README.md -------------------------------------------------------------------------------- /object_detection/download_dataset.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/download_dataset.sh -------------------------------------------------------------------------------- /object_detection/pytorch/.flake8: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/.flake8 -------------------------------------------------------------------------------- /object_detection/pytorch/.github/ISSUE_TEMPLATE/bug-report.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/.github/ISSUE_TEMPLATE/bug-report.md -------------------------------------------------------------------------------- /object_detection/pytorch/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/.gitignore -------------------------------------------------------------------------------- /object_detection/pytorch/ABSTRACTIONS.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/ABSTRACTIONS.md -------------------------------------------------------------------------------- /object_detection/pytorch/CODE_OF_CONDUCT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/CODE_OF_CONDUCT.md -------------------------------------------------------------------------------- /object_detection/pytorch/CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/CONTRIBUTING.md -------------------------------------------------------------------------------- /object_detection/pytorch/INSTALL.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/INSTALL.md -------------------------------------------------------------------------------- /object_detection/pytorch/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/LICENSE -------------------------------------------------------------------------------- /object_detection/pytorch/MODEL_ZOO.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/MODEL_ZOO.md -------------------------------------------------------------------------------- /object_detection/pytorch/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/README.md -------------------------------------------------------------------------------- /object_detection/pytorch/TROUBLESHOOTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/TROUBLESHOOTING.md -------------------------------------------------------------------------------- /object_detection/pytorch/configs/e2e_mask_rcnn_R_50_FPN_1x.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/configs/e2e_mask_rcnn_R_50_FPN_1x.yaml -------------------------------------------------------------------------------- /object_detection/pytorch/demo/Mask_R-CNN_demo.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/demo/Mask_R-CNN_demo.ipynb -------------------------------------------------------------------------------- /object_detection/pytorch/demo/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/demo/README.md -------------------------------------------------------------------------------- /object_detection/pytorch/demo/predictor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/demo/predictor.py -------------------------------------------------------------------------------- /object_detection/pytorch/demo/webcam.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/demo/webcam.py -------------------------------------------------------------------------------- /object_detection/pytorch/docker/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/docker/Dockerfile -------------------------------------------------------------------------------- /object_detection/pytorch/docker/docker-jupyter/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/docker/docker-jupyter/Dockerfile -------------------------------------------------------------------------------- /object_detection/pytorch/maskrcnn_benchmark/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/maskrcnn_benchmark/__init__.py -------------------------------------------------------------------------------- /object_detection/pytorch/maskrcnn_benchmark/config/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/maskrcnn_benchmark/config/__init__.py -------------------------------------------------------------------------------- /object_detection/pytorch/maskrcnn_benchmark/config/defaults.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/maskrcnn_benchmark/config/defaults.py -------------------------------------------------------------------------------- /object_detection/pytorch/maskrcnn_benchmark/csrc/ROIAlign.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/maskrcnn_benchmark/csrc/ROIAlign.h -------------------------------------------------------------------------------- /object_detection/pytorch/maskrcnn_benchmark/csrc/ROIPool.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/maskrcnn_benchmark/csrc/ROIPool.h -------------------------------------------------------------------------------- /object_detection/pytorch/maskrcnn_benchmark/csrc/cpu/vision.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/maskrcnn_benchmark/csrc/cpu/vision.h -------------------------------------------------------------------------------- /object_detection/pytorch/maskrcnn_benchmark/csrc/cuda/nms.cu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/maskrcnn_benchmark/csrc/cuda/nms.cu -------------------------------------------------------------------------------- /object_detection/pytorch/maskrcnn_benchmark/csrc/cuda/vision.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/maskrcnn_benchmark/csrc/cuda/vision.h -------------------------------------------------------------------------------- /object_detection/pytorch/maskrcnn_benchmark/csrc/nms.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/maskrcnn_benchmark/csrc/nms.h -------------------------------------------------------------------------------- /object_detection/pytorch/maskrcnn_benchmark/csrc/vision.cpp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/maskrcnn_benchmark/csrc/vision.cpp -------------------------------------------------------------------------------- /object_detection/pytorch/maskrcnn_benchmark/data/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/maskrcnn_benchmark/data/README.md -------------------------------------------------------------------------------- /object_detection/pytorch/maskrcnn_benchmark/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/maskrcnn_benchmark/data/__init__.py -------------------------------------------------------------------------------- /object_detection/pytorch/maskrcnn_benchmark/data/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/maskrcnn_benchmark/data/build.py -------------------------------------------------------------------------------- /object_detection/pytorch/maskrcnn_benchmark/engine/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/maskrcnn_benchmark/engine/__init__.py -------------------------------------------------------------------------------- /object_detection/pytorch/maskrcnn_benchmark/engine/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/maskrcnn_benchmark/engine/inference.py -------------------------------------------------------------------------------- /object_detection/pytorch/maskrcnn_benchmark/engine/tester.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/maskrcnn_benchmark/engine/tester.py -------------------------------------------------------------------------------- /object_detection/pytorch/maskrcnn_benchmark/engine/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/maskrcnn_benchmark/engine/trainer.py -------------------------------------------------------------------------------- /object_detection/pytorch/maskrcnn_benchmark/layers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/maskrcnn_benchmark/layers/__init__.py -------------------------------------------------------------------------------- /object_detection/pytorch/maskrcnn_benchmark/layers/_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/maskrcnn_benchmark/layers/_utils.py -------------------------------------------------------------------------------- /object_detection/pytorch/maskrcnn_benchmark/layers/misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/maskrcnn_benchmark/layers/misc.py -------------------------------------------------------------------------------- /object_detection/pytorch/maskrcnn_benchmark/layers/nms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/maskrcnn_benchmark/layers/nms.py -------------------------------------------------------------------------------- /object_detection/pytorch/maskrcnn_benchmark/layers/roi_align.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/maskrcnn_benchmark/layers/roi_align.py -------------------------------------------------------------------------------- /object_detection/pytorch/maskrcnn_benchmark/layers/roi_pool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/maskrcnn_benchmark/layers/roi_pool.py -------------------------------------------------------------------------------- /object_detection/pytorch/maskrcnn_benchmark/modeling/matcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/maskrcnn_benchmark/modeling/matcher.py -------------------------------------------------------------------------------- /object_detection/pytorch/maskrcnn_benchmark/modeling/poolers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/maskrcnn_benchmark/modeling/poolers.py -------------------------------------------------------------------------------- /object_detection/pytorch/maskrcnn_benchmark/modeling/rpn/rpn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/maskrcnn_benchmark/modeling/rpn/rpn.py -------------------------------------------------------------------------------- /object_detection/pytorch/maskrcnn_benchmark/modeling/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/maskrcnn_benchmark/modeling/utils.py -------------------------------------------------------------------------------- /object_detection/pytorch/maskrcnn_benchmark/solver/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/maskrcnn_benchmark/solver/__init__.py -------------------------------------------------------------------------------- /object_detection/pytorch/maskrcnn_benchmark/solver/build.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/maskrcnn_benchmark/solver/build.py -------------------------------------------------------------------------------- /object_detection/pytorch/maskrcnn_benchmark/utils/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/maskrcnn_benchmark/utils/README.md -------------------------------------------------------------------------------- /object_detection/pytorch/maskrcnn_benchmark/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/maskrcnn_benchmark/utils/__init__.py -------------------------------------------------------------------------------- /object_detection/pytorch/maskrcnn_benchmark/utils/checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/maskrcnn_benchmark/utils/checkpoint.py -------------------------------------------------------------------------------- /object_detection/pytorch/maskrcnn_benchmark/utils/comm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/maskrcnn_benchmark/utils/comm.py -------------------------------------------------------------------------------- /object_detection/pytorch/maskrcnn_benchmark/utils/cv2_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/maskrcnn_benchmark/utils/cv2_util.py -------------------------------------------------------------------------------- /object_detection/pytorch/maskrcnn_benchmark/utils/env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/maskrcnn_benchmark/utils/env.py -------------------------------------------------------------------------------- /object_detection/pytorch/maskrcnn_benchmark/utils/imports.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/maskrcnn_benchmark/utils/imports.py -------------------------------------------------------------------------------- /object_detection/pytorch/maskrcnn_benchmark/utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/maskrcnn_benchmark/utils/logger.py -------------------------------------------------------------------------------- /object_detection/pytorch/maskrcnn_benchmark/utils/model_zoo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/maskrcnn_benchmark/utils/model_zoo.py -------------------------------------------------------------------------------- /object_detection/pytorch/maskrcnn_benchmark/utils/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/maskrcnn_benchmark/utils/registry.py -------------------------------------------------------------------------------- /object_detection/pytorch/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/setup.py -------------------------------------------------------------------------------- /object_detection/pytorch/tests/checkpoint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/tests/checkpoint.py -------------------------------------------------------------------------------- /object_detection/pytorch/tests/test_data_samplers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/tests/test_data_samplers.py -------------------------------------------------------------------------------- /object_detection/pytorch/tests/test_metric_logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/tests/test_metric_logger.py -------------------------------------------------------------------------------- /object_detection/pytorch/tools/test_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/tools/test_net.py -------------------------------------------------------------------------------- /object_detection/pytorch/tools/train_mlperf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/tools/train_mlperf.py -------------------------------------------------------------------------------- /object_detection/pytorch/tools/train_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/pytorch/tools/train_net.py -------------------------------------------------------------------------------- /object_detection/run_and_time.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/object_detection/run_and_time.sh -------------------------------------------------------------------------------- /recommendation/download_dataset.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/recommendation/download_dataset.sh -------------------------------------------------------------------------------- /recommendation/verify_dataset.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/recommendation/verify_dataset.sh -------------------------------------------------------------------------------- /recommendation_v2/torchrec_dlrm/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/recommendation_v2/torchrec_dlrm/Dockerfile -------------------------------------------------------------------------------- /recommendation_v2/torchrec_dlrm/README.MD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/recommendation_v2/torchrec_dlrm/README.MD -------------------------------------------------------------------------------- /recommendation_v2/torchrec_dlrm/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /recommendation_v2/torchrec_dlrm/aws_component.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/recommendation_v2/torchrec_dlrm/aws_component.py -------------------------------------------------------------------------------- /recommendation_v2/torchrec_dlrm/data/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /recommendation_v2/torchrec_dlrm/data/dlrm_dataloader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/recommendation_v2/torchrec_dlrm/data/dlrm_dataloader.py -------------------------------------------------------------------------------- /recommendation_v2/torchrec_dlrm/data/multi_hot_criteo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/recommendation_v2/torchrec_dlrm/data/multi_hot_criteo.py -------------------------------------------------------------------------------- /recommendation_v2/torchrec_dlrm/dlrm_main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/recommendation_v2/torchrec_dlrm/dlrm_main.py -------------------------------------------------------------------------------- /recommendation_v2/torchrec_dlrm/lr_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/recommendation_v2/torchrec_dlrm/lr_scheduler.py -------------------------------------------------------------------------------- /recommendation_v2/torchrec_dlrm/mlperf_logging_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/recommendation_v2/torchrec_dlrm/mlperf_logging_utils.py -------------------------------------------------------------------------------- /recommendation_v2/torchrec_dlrm/multi_hot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/recommendation_v2/torchrec_dlrm/multi_hot.py -------------------------------------------------------------------------------- /recommendation_v2/torchrec_dlrm/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/recommendation_v2/torchrec_dlrm/requirements.txt -------------------------------------------------------------------------------- /recommendation_v2/torchrec_dlrm/tests/test_dlrm_main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/recommendation_v2/torchrec_dlrm/tests/test_dlrm_main.py -------------------------------------------------------------------------------- /reference_results.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/reference_results.md -------------------------------------------------------------------------------- /retired_benchmarks/gnmt/.dockerignore: -------------------------------------------------------------------------------- 1 | __pycache__/ 2 | tags 3 | /data 4 | /results 5 | *.log 6 | -------------------------------------------------------------------------------- /retired_benchmarks/gnmt/.gitignore: -------------------------------------------------------------------------------- 1 | __pycache__/ 2 | tags 3 | /data 4 | /results 5 | *.log 6 | -------------------------------------------------------------------------------- /retired_benchmarks/gnmt/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/gnmt/README.md -------------------------------------------------------------------------------- /retired_benchmarks/gnmt/download_dataset.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/gnmt/download_dataset.sh -------------------------------------------------------------------------------- /retired_benchmarks/gnmt/pytorch/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/gnmt/pytorch/Dockerfile -------------------------------------------------------------------------------- /retired_benchmarks/gnmt/pytorch/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/gnmt/pytorch/LICENSE -------------------------------------------------------------------------------- /retired_benchmarks/gnmt/pytorch/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/gnmt/pytorch/README.md -------------------------------------------------------------------------------- /retired_benchmarks/gnmt/pytorch/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/gnmt/pytorch/requirements.txt -------------------------------------------------------------------------------- /retired_benchmarks/gnmt/pytorch/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/gnmt/pytorch/run.sh -------------------------------------------------------------------------------- /retired_benchmarks/gnmt/pytorch/run_and_time.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/gnmt/pytorch/run_and_time.sh -------------------------------------------------------------------------------- /retired_benchmarks/gnmt/pytorch/scripts/docker/build.sh: -------------------------------------------------------------------------------- 1 | #!/bin/bash 2 | 3 | docker build . --rm -t gnmt:latest 4 | -------------------------------------------------------------------------------- /retired_benchmarks/gnmt/pytorch/scripts/docker/interactive.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/gnmt/pytorch/scripts/docker/interactive.sh -------------------------------------------------------------------------------- /retired_benchmarks/gnmt/pytorch/scripts/filter_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/gnmt/pytorch/scripts/filter_dataset.py -------------------------------------------------------------------------------- /retired_benchmarks/gnmt/pytorch/seq2seq/data/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/gnmt/pytorch/seq2seq/data/config.py -------------------------------------------------------------------------------- /retired_benchmarks/gnmt/pytorch/seq2seq/data/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/gnmt/pytorch/seq2seq/data/dataset.py -------------------------------------------------------------------------------- /retired_benchmarks/gnmt/pytorch/seq2seq/data/sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/gnmt/pytorch/seq2seq/data/sampler.py -------------------------------------------------------------------------------- /retired_benchmarks/gnmt/pytorch/seq2seq/data/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/gnmt/pytorch/seq2seq/data/tokenizer.py -------------------------------------------------------------------------------- /retired_benchmarks/gnmt/pytorch/seq2seq/inference/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/gnmt/pytorch/seq2seq/inference/inference.py -------------------------------------------------------------------------------- /retired_benchmarks/gnmt/pytorch/seq2seq/models/attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/gnmt/pytorch/seq2seq/models/attention.py -------------------------------------------------------------------------------- /retired_benchmarks/gnmt/pytorch/seq2seq/models/decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/gnmt/pytorch/seq2seq/models/decoder.py -------------------------------------------------------------------------------- /retired_benchmarks/gnmt/pytorch/seq2seq/models/encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/gnmt/pytorch/seq2seq/models/encoder.py -------------------------------------------------------------------------------- /retired_benchmarks/gnmt/pytorch/seq2seq/models/gnmt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/gnmt/pytorch/seq2seq/models/gnmt.py -------------------------------------------------------------------------------- /retired_benchmarks/gnmt/pytorch/seq2seq/models/seq2seq_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/gnmt/pytorch/seq2seq/models/seq2seq_base.py -------------------------------------------------------------------------------- /retired_benchmarks/gnmt/pytorch/seq2seq/train/fp_optimizers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/gnmt/pytorch/seq2seq/train/fp_optimizers.py -------------------------------------------------------------------------------- /retired_benchmarks/gnmt/pytorch/seq2seq/train/lr_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/gnmt/pytorch/seq2seq/train/lr_scheduler.py -------------------------------------------------------------------------------- /retired_benchmarks/gnmt/pytorch/seq2seq/train/smoothing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/gnmt/pytorch/seq2seq/train/smoothing.py -------------------------------------------------------------------------------- /retired_benchmarks/gnmt/pytorch/seq2seq/train/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/gnmt/pytorch/seq2seq/train/trainer.py -------------------------------------------------------------------------------- /retired_benchmarks/gnmt/pytorch/seq2seq/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/gnmt/pytorch/seq2seq/utils.py -------------------------------------------------------------------------------- /retired_benchmarks/gnmt/pytorch/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/gnmt/pytorch/train.py -------------------------------------------------------------------------------- /retired_benchmarks/gnmt/pytorch/translate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/gnmt/pytorch/translate.py -------------------------------------------------------------------------------- /retired_benchmarks/gnmt/verify_dataset.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/gnmt/verify_dataset.sh -------------------------------------------------------------------------------- /retired_benchmarks/minigo/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/README.md -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/Dockerfile -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/.bazelrc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/.bazelrc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/.gitignore -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/.pylintrc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/.pylintrc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/LICENSE -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/README.md -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/RESULTS.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/RESULTS.md -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/WORKSPACE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/WORKSPACE -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/batch_exporter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/batch_exporter.py -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/bigtable_input.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/bigtable_input.py -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/bigtable_output.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/bigtable_output.py -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/bootstrap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/bootstrap.py -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/.clang-format: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/.clang-format -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/BUILD -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/CPPLINT.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/CPPLINT.cfg -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/README.md -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/algorithm.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/algorithm.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/algorithm.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/algorithm.h -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/async/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/async/BUILD -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/async/thread.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/async/thread.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/async/thread.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/async/thread.h -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/benchmark.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/benchmark.BUILD -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/color.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/color.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/color.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/color.h -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/config/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/config/BUILD -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/constants.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/constants.h -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/coord.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/coord.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/coord.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/coord.h -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/coord_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/coord_test.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/dual_net/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/dual_net/BUILD -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/eval.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/eval.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/file/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/file/BUILD -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/file/path.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/file/path.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/file/path.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/file/path.h -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/file/utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/file/utils.h -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/file/utils_tf.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/file/utils_tf.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/game.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/game.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/game.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/game.h -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/game_utils.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/game_utils.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/game_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/game_utils.h -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/group.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/group.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/group.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/group.h -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/gtp.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/gtp.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/gtp_client.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/gtp_client.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/gtp_client.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/gtp_client.h -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/gtp_player.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/gtp_player.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/gtp_player.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/gtp_player.h -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/init.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/init.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/init.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/init.h -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/inline_vector.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/inline_vector.h -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/json.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/json.BUILD -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/logging.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/logging.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/logging.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/logging.h -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/mcts_node.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/mcts_node.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/mcts_node.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/mcts_node.h -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/mcts_player.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/mcts_player.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/mcts_player.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/mcts_player.h -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/mcts_tree.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/mcts_tree.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/mcts_tree.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/mcts_tree.h -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/minigui_player.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/minigui_player.h -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/model/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/model/BUILD -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/model/factory.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/model/factory.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/model/factory.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/model/factory.h -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/model/features.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/model/features.h -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/model/loader.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/model/loader.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/model/loader.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/model/loader.h -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/model/model.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/model/model.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/model/model.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/model/model.h -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/model/types.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/model/types.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/model/types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/model/types.h -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/move.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/move.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/move.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/move.h -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/padded_array.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/padded_array.h -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/platform/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/platform/BUILD -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/platform/utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/platform/utils.h -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/position.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/position.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/position.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/position.h -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/position_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/position_test.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/puzzle.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/puzzle.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/random.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/random.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/random.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/random.h -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/random_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/random_test.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/replay_games.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/replay_games.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/selfplay.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/selfplay.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/sgf.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/sgf.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/sgf.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/sgf.h -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/sgf_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/sgf_test.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/stone.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/stone.h -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/symmetries.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/symmetries.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/symmetries.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/symmetries.h -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/tensorflow/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/tensorflow/BUILD -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/test.sh -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/test_utils.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/test_utils.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/test_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/test_utils.h -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/tf_bt_utils.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/tf_bt_utils.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/tf_utils.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/tf_utils.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/tf_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/tf_utils.h -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/tfrzz_to_cbt.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/tfrzz_to_cbt.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/tiny_set.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/tiny_set.h -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/tpu_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/tpu_test.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/wtf.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/wtf.BUILD -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/wtf_saver.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/wtf_saver.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/wtf_saver.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/wtf_saver.h -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/zobrist.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/zobrist.cc -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cc/zobrist.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cc/zobrist.h -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cloud_logging.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cloud_logging.py -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cluster/.gitignore: -------------------------------------------------------------------------------- 1 | *.json 2 | -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cluster/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cluster/README.md -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cluster/common.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cluster/common.sh -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cluster/destroy.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cluster/destroy.sh -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cluster/make-all.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cluster/make-all.sh -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/cluster/utils.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/cluster/utils.sh -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/coords.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/coords.py -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/dual_net.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/dual_net.py -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/evaluate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/evaluate.py -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/features.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/features.py -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/freeze_graph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/freeze_graph.py -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/go.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/go.py -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/gtp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/gtp.py -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/gtp_cmd_handlers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/gtp_cmd_handlers.py -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/gtp_engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/gtp_engine.py -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/mask_flags.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/mask_flags.py -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/mcts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/mcts.py -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/minigo_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/minigo_model.py -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/minigui/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/minigui/README.md -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/minigui/app.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/minigui/app.ts -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/minigui/base.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/minigui/base.ts -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/minigui/board.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/minigui/board.ts -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/minigui/demo.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/minigui/demo.ts -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/minigui/graph.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/minigui/graph.ts -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/minigui/kiosk.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/minigui/kiosk.ts -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/minigui/layer.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/minigui/layer.ts -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/minigui/log.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/minigui/log.ts -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/minigui/position.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/minigui/position.ts -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/minigui/serve.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/minigui/serve.py -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/minigui/study.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/minigui/study.ts -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/minigui/util.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/minigui/util.ts -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/minigui/view.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/minigui/view.ts -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/minigui/vs.ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/minigui/vs.ts -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/ml_perf/.gitignore: -------------------------------------------------------------------------------- 1 | checkpoint/ 2 | results/ 3 | target/ 4 | -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/ml_perf/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/ml_perf/README.md -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/ml_perf/get_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/ml_perf/get_data.py -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/ml_perf/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/ml_perf/utils.py -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/notes.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/notes.txt -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/oneoffs/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/oneoffs/heatmap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/oneoffs/heatmap.py -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/oneoffs/retrain.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/oneoffs/retrain.sh -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/oneoffs/swa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/oneoffs/swa.py -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/player_interface.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/player_interface.py -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/preprocessing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/preprocessing.py -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/ratings/ratings.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/ratings/ratings.py -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/ratings/schema.sql: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/ratings/schema.sql -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/requirements-analysis.txt: -------------------------------------------------------------------------------- 1 | matplotlib 2 | pandas 3 | choix 4 | -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/requirements.txt -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/rl_loop/fsdb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/rl_loop/fsdb.py -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/rl_loop/local_flags: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/rl_loop/local_flags -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/rl_loop/selfplay.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/rl_loop/selfplay.py -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/rl_loop/shipname.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/rl_loop/shipname.py -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/selfplay.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/selfplay.py -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/sgf_wrapper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/sgf_wrapper.py -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/strategies.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/strategies.py -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/symmetries.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/symmetries.py -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/test.sh -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/testing/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/testing/Makefile -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/testing/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/testing/README.md -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/testing/setup.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/testing/setup.sh -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/tests/run_tests.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/tests/run_tests.py -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/tests/test_flags: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/tests/test_flags -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/tests/test_go.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/tests/test_go.py -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/tests/test_mcts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/tests/test_mcts.py -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/tests/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/tests/test_utils.py -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/train.py -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/tsconfig.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/tsconfig.json -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/utils.py -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/minigo/validate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/minigo/validate.py -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/run.sh -------------------------------------------------------------------------------- /retired_benchmarks/minigo/tensorflow/run_and_time.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/minigo/tensorflow/run_and_time.sh -------------------------------------------------------------------------------- /retired_benchmarks/ncf/.gitignore: -------------------------------------------------------------------------------- 1 | __pycache__ 2 | -------------------------------------------------------------------------------- /retired_benchmarks/ncf/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/ncf/Dockerfile -------------------------------------------------------------------------------- /retired_benchmarks/ncf/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/ncf/README.md -------------------------------------------------------------------------------- /retired_benchmarks/ncf/alias_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/ncf/alias_generator.py -------------------------------------------------------------------------------- /retired_benchmarks/ncf/convert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/ncf/convert.py -------------------------------------------------------------------------------- /retired_benchmarks/ncf/ncf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/ncf/ncf.py -------------------------------------------------------------------------------- /retired_benchmarks/ncf/negative_sampling_cpp/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/ncf/negative_sampling_cpp/setup.py -------------------------------------------------------------------------------- /retired_benchmarks/ncf/negative_sampling_cpp/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/ncf/negative_sampling_cpp/test.py -------------------------------------------------------------------------------- /retired_benchmarks/ncf/neumf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/ncf/neumf.py -------------------------------------------------------------------------------- /retired_benchmarks/ncf/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/ncf/requirements.txt -------------------------------------------------------------------------------- /retired_benchmarks/ncf/run_and_time.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/ncf/run_and_time.sh -------------------------------------------------------------------------------- /retired_benchmarks/ncf/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/ncf/utils.py -------------------------------------------------------------------------------- /retired_benchmarks/never-adopted/sentiment_analysis/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/never-adopted/sentiment_analysis/README.md -------------------------------------------------------------------------------- /retired_benchmarks/never-adopted/sentiment_analysis/download.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/never-adopted/sentiment_analysis/download.py -------------------------------------------------------------------------------- /retired_benchmarks/never-adopted/sentiment_analysis/verify.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/never-adopted/sentiment_analysis/verify.py -------------------------------------------------------------------------------- /retired_benchmarks/never-adopted/speech_recognition/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/never-adopted/speech_recognition/README.md -------------------------------------------------------------------------------- /retired_benchmarks/never-adopted/speech_recognition/__init__.py: -------------------------------------------------------------------------------- 1 | import data 2 | -------------------------------------------------------------------------------- /retired_benchmarks/never-adopted/speech_recognition/data/.gitignore: -------------------------------------------------------------------------------- 1 | an4_dataset/ 2 | -------------------------------------------------------------------------------- /retired_benchmarks/never-adopted/speech_recognition/data/__init__.py: -------------------------------------------------------------------------------- 1 | from . import data_loader 2 | -------------------------------------------------------------------------------- /retired_benchmarks/never-adopted/speech_recognition/data/data-LibriSpeech-ref-cksum.out: -------------------------------------------------------------------------------- 1 | 2730530160 113699829760 data-LibriSpeech-ref.tar 2 | -------------------------------------------------------------------------------- /retired_benchmarks/never-adopted/speech_recognition/labels.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/never-adopted/speech_recognition/labels.json -------------------------------------------------------------------------------- /retired_benchmarks/never-adopted/speech_recognition/pytorch/.gitignore: -------------------------------------------------------------------------------- 1 | logs/ 2 | models/ 3 | -------------------------------------------------------------------------------- /retired_benchmarks/resnet-tf1/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/resnet-tf1/Dockerfile -------------------------------------------------------------------------------- /retired_benchmarks/resnet-tf1/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/resnet-tf1/README.md -------------------------------------------------------------------------------- /retired_benchmarks/resnet-tf1/log_stitch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/resnet-tf1/log_stitch.py -------------------------------------------------------------------------------- /retired_benchmarks/resnet-tf1/official/.gitignore: -------------------------------------------------------------------------------- 1 | MNIST-data 2 | labels.txt 3 | -------------------------------------------------------------------------------- /retired_benchmarks/resnet-tf1/official/Dockerfile.cpu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/resnet-tf1/official/Dockerfile.cpu -------------------------------------------------------------------------------- /retired_benchmarks/resnet-tf1/official/Dockerfile.gpu: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/resnet-tf1/official/Dockerfile.gpu -------------------------------------------------------------------------------- /retired_benchmarks/resnet-tf1/official/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/resnet-tf1/official/README.md -------------------------------------------------------------------------------- /retired_benchmarks/resnet-tf1/official/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /retired_benchmarks/resnet-tf1/official/requirements.txt: -------------------------------------------------------------------------------- 1 | psutil>=5.4.3 2 | py-cpuinfo>=3.3.0 3 | google-cloud-bigquery>=0.31.0 -------------------------------------------------------------------------------- /retired_benchmarks/resnet-tf1/official/resnet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/resnet-tf1/official/resnet/README.md -------------------------------------------------------------------------------- /retired_benchmarks/resnet-tf1/official/resnet/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /retired_benchmarks/resnet-tf1/official/resnet/imagenet_main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/resnet-tf1/official/resnet/imagenet_main.py -------------------------------------------------------------------------------- /retired_benchmarks/resnet-tf1/official/resnet/imagenet_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/resnet-tf1/official/resnet/imagenet_test.py -------------------------------------------------------------------------------- /retired_benchmarks/resnet-tf1/official/resnet/layer_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/resnet-tf1/official/resnet/layer_test.py -------------------------------------------------------------------------------- /retired_benchmarks/resnet-tf1/official/resnet/resnet_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/resnet-tf1/official/resnet/resnet_model.py -------------------------------------------------------------------------------- /retired_benchmarks/resnet-tf1/official/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /retired_benchmarks/resnet-tf1/official/utils/arg_parsers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /retired_benchmarks/resnet-tf1/official/utils/export/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /retired_benchmarks/resnet-tf1/official/utils/export/export.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/resnet-tf1/official/utils/export/export.py -------------------------------------------------------------------------------- /retired_benchmarks/resnet-tf1/official/utils/logs/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /retired_benchmarks/resnet-tf1/official/utils/logs/hooks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/resnet-tf1/official/utils/logs/hooks.py -------------------------------------------------------------------------------- /retired_benchmarks/resnet-tf1/official/utils/logs/hooks_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/resnet-tf1/official/utils/logs/hooks_test.py -------------------------------------------------------------------------------- /retired_benchmarks/resnet-tf1/official/utils/logs/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/resnet-tf1/official/utils/logs/logger.py -------------------------------------------------------------------------------- /retired_benchmarks/resnet-tf1/official/utils/misc/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /retired_benchmarks/resnet-tf1/official/utils/testing/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /retired_benchmarks/resnet-tf1/official/utils/testing/reference_data/reference_data_test/dense/tf_version.json: -------------------------------------------------------------------------------- 1 | ["1.8.0-dev20180325", "v1.7.0-rc1-750-g6c1737e6c8"] -------------------------------------------------------------------------------- /retired_benchmarks/resnet-tf1/official/utils/testing/reference_data/reference_data_test/uniform_random/model.ckpt.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | ʼ|? -------------------------------------------------------------------------------- /retired_benchmarks/resnet-tf1/official/utils/testing/reference_data/reference_data_test/uniform_random/results.json: -------------------------------------------------------------------------------- 1 | [0.9872556924819946] -------------------------------------------------------------------------------- /retired_benchmarks/resnet-tf1/official/utils/testing/reference_data/reference_data_test/uniform_random/tf_version.json: -------------------------------------------------------------------------------- 1 | ["1.8.0-dev20180325", "v1.7.0-rc1-750-g6c1737e6c8"] -------------------------------------------------------------------------------- /retired_benchmarks/resnet-tf1/official/utils/testing/reference_data/resnet/batch_norm/tf_version.json: -------------------------------------------------------------------------------- 1 | ["1.8.0-dev20180408", "v1.7.0-1345-gb874783ccd"] -------------------------------------------------------------------------------- /retired_benchmarks/resnet-tf1/official_diff.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/resnet-tf1/official_diff.txt -------------------------------------------------------------------------------- /retired_benchmarks/resnet-tf1/preprocess.sh: -------------------------------------------------------------------------------- 1 | # TODO 2 | -------------------------------------------------------------------------------- /retired_benchmarks/resnet-tf1/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/resnet-tf1/requirements.txt -------------------------------------------------------------------------------- /retired_benchmarks/resnet-tf1/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/resnet-tf1/run.sh -------------------------------------------------------------------------------- /retired_benchmarks/resnet-tf1/run_and_time.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/resnet-tf1/run_and_time.sh -------------------------------------------------------------------------------- /retired_benchmarks/ssd-v1/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/ssd-v1/Dockerfile -------------------------------------------------------------------------------- /retired_benchmarks/ssd-v1/download_dataset.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/ssd-v1/download_dataset.sh -------------------------------------------------------------------------------- /retired_benchmarks/ssd-v1/download_resnet34_backbone.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/ssd-v1/download_resnet34_backbone.sh -------------------------------------------------------------------------------- /retired_benchmarks/ssd-v1/pth_to_pickle.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/ssd-v1/pth_to_pickle.py -------------------------------------------------------------------------------- /retired_benchmarks/ssd-v1/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/ssd-v1/requirements.txt -------------------------------------------------------------------------------- /retired_benchmarks/ssd-v1/ssd/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/ssd-v1/ssd/README.md -------------------------------------------------------------------------------- /retired_benchmarks/ssd-v1/ssd/base_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/ssd-v1/ssd/base_model.py -------------------------------------------------------------------------------- /retired_benchmarks/ssd-v1/ssd/bind_launch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/ssd-v1/ssd/bind_launch.py -------------------------------------------------------------------------------- /retired_benchmarks/ssd-v1/ssd/coco.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/ssd-v1/ssd/coco.py -------------------------------------------------------------------------------- /retired_benchmarks/ssd-v1/ssd/config_DGX1_32.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/ssd-v1/ssd/config_DGX1_32.sh -------------------------------------------------------------------------------- /retired_benchmarks/ssd-v1/ssd/config_DGX1_multinode.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/ssd-v1/ssd/config_DGX1_multinode.sh -------------------------------------------------------------------------------- /retired_benchmarks/ssd-v1/ssd/config_DGX1_singlenode.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/ssd-v1/ssd/config_DGX1_singlenode.sh -------------------------------------------------------------------------------- /retired_benchmarks/ssd-v1/ssd/distributed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/ssd-v1/ssd/distributed.py -------------------------------------------------------------------------------- /retired_benchmarks/ssd-v1/ssd/eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/ssd-v1/ssd/eval.py -------------------------------------------------------------------------------- /retired_benchmarks/ssd-v1/ssd/mlperf_logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/ssd-v1/ssd/mlperf_logger.py -------------------------------------------------------------------------------- /retired_benchmarks/ssd-v1/ssd/run.sub: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/ssd-v1/ssd/run.sub -------------------------------------------------------------------------------- /retired_benchmarks/ssd-v1/ssd/run_and_time.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/ssd-v1/ssd/run_and_time.sh -------------------------------------------------------------------------------- /retired_benchmarks/ssd-v1/ssd/ssd300.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/ssd-v1/ssd/ssd300.py -------------------------------------------------------------------------------- /retired_benchmarks/ssd-v1/ssd/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/ssd-v1/ssd/train.py -------------------------------------------------------------------------------- /retired_benchmarks/ssd-v1/ssd/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/ssd-v1/ssd/utils.py -------------------------------------------------------------------------------- /retired_benchmarks/transformer/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/transformer/README.md -------------------------------------------------------------------------------- /retired_benchmarks/transformer/data_download.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/transformer/data_download.py -------------------------------------------------------------------------------- /retired_benchmarks/transformer/download_data.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/transformer/download_data.sh -------------------------------------------------------------------------------- /retired_benchmarks/transformer/tensorflow/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/transformer/tensorflow/Dockerfile -------------------------------------------------------------------------------- /retired_benchmarks/transformer/tensorflow/bert/README.md: -------------------------------------------------------------------------------- 1 | README 2 | -------------------------------------------------------------------------------- /retired_benchmarks/transformer/tensorflow/bert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/transformer/tensorflow/bert/__init__.py -------------------------------------------------------------------------------- /retired_benchmarks/transformer/tensorflow/bert/modeling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/transformer/tensorflow/bert/modeling.py -------------------------------------------------------------------------------- /retired_benchmarks/transformer/tensorflow/bert/modeling_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/transformer/tensorflow/bert/modeling_test.py -------------------------------------------------------------------------------- /retired_benchmarks/transformer/tensorflow/bert/optimization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/transformer/tensorflow/bert/optimization.py -------------------------------------------------------------------------------- /retired_benchmarks/transformer/tensorflow/bert/run_squad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/transformer/tensorflow/bert/run_squad.py -------------------------------------------------------------------------------- /retired_benchmarks/transformer/tensorflow/bert/tokenization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/transformer/tensorflow/bert/tokenization.py -------------------------------------------------------------------------------- /retired_benchmarks/transformer/tensorflow/process_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/transformer/tensorflow/process_data.py -------------------------------------------------------------------------------- /retired_benchmarks/transformer/tensorflow/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/transformer/tensorflow/requirements.txt -------------------------------------------------------------------------------- /retired_benchmarks/transformer/tensorflow/run_and_time.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/transformer/tensorflow/run_and_time.sh -------------------------------------------------------------------------------- /retired_benchmarks/transformer/tensorflow/run_preprocessing.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/transformer/tensorflow/run_preprocessing.sh -------------------------------------------------------------------------------- /retired_benchmarks/transformer/tensorflow/run_training.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/transformer/tensorflow/run_training.sh -------------------------------------------------------------------------------- /retired_benchmarks/transformer/tensorflow/transformer/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/transformer/tensorflow/transformer/README.md -------------------------------------------------------------------------------- /retired_benchmarks/transformer/tensorflow/transformer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /retired_benchmarks/transformer/tensorflow/transformer/model/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /retired_benchmarks/transformer/tensorflow/transformer/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /retired_benchmarks/transformer/tensorflow/transformer_diff.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/transformer/tensorflow/transformer_diff.txt -------------------------------------------------------------------------------- /retired_benchmarks/transformer/verify_dataset.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/retired_benchmarks/transformer/verify_dataset.sh -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/.dockerignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/.dockerignore -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/Dockerfile -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/LICENSE -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/NOTICE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/NOTICE -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/README.md -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/common/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/common/audio.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/common/audio.py -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/common/data/__init__.py: -------------------------------------------------------------------------------- 1 | from .helpers import * 2 | -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/common/data/dali/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/common/data/dali/__init__.py -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/common/data/dali/data_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/common/data/dali/data_loader.py -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/common/data/dali/iterator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/common/data/dali/iterator.py -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/common/data/dali/pipeline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/common/data/dali/pipeline.py -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/common/data/dali/sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/common/data/dali/sampler.py -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/common/data/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/common/data/dataset.py -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/common/data/features.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/common/data/features.py -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/common/data/helpers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/common/data/helpers.py -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/common/data/text.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/common/data/text.py -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/common/helpers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/common/helpers.py -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/common/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/common/metrics.py -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/common/optimizers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/common/optimizers.py -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/common/rnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/common/rnn.py -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/common/sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/common/sampler.py -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/common/tb_dllogger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/common/tb_dllogger.py -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/common/text/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/common/text/LICENSE -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/common/text/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/common/text/__init__.py -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/common/text/cleaners.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/common/text/cleaners.py -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/common/text/numbers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/common/text/numbers.py -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/common/text/symbols.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/common/text/symbols.py -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/configs/baseline_v3-1023sp.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/configs/baseline_v3-1023sp.yaml -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/docker-compose.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/docker-compose.yaml -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/eval_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/eval_model.py -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/inference.py -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/mlperf/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/mlperf/logging.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/mlperf/logging.py -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/requirements.txt -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/rnnt/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/rnnt/config.py -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/rnnt/decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/rnnt/decoder.py -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/rnnt/loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/rnnt/loss.py -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/rnnt/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/rnnt/model.py -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/rnnt_layers.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/rnnt_layers.svg -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/run_and_time.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/run_and_time.sh -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/scripts/create_sentencepieces.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/scripts/create_sentencepieces.sh -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/scripts/docker/build.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/scripts/docker/build.sh -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/scripts/docker/launch.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/scripts/docker/launch.sh -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/scripts/download_librispeech.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/scripts/download_librispeech.sh -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/scripts/inference.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/scripts/inference.sh -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/scripts/inference_benchmark.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/scripts/inference_benchmark.sh -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/scripts/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/scripts/train.sh -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/scripts/train_bench.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/scripts/train_bench.sh -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/scripts/train_debug.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/scripts/train_debug.sh -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/scripts/train_refactor.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/scripts/train_refactor.sh -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/tests/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/tests/Dockerfile -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/tests/requirements.txt: -------------------------------------------------------------------------------- 1 | pytest==6.1.2 2 | -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/train.py -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/utils/convert_librispeech.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/utils/convert_librispeech.py -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/utils/download_librispeech.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/utils/download_librispeech.py -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/utils/download_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/utils/download_utils.py -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/utils/inference_librispeech.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/utils/inference_librispeech.csv -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/utils/librispeech.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/utils/librispeech.csv -------------------------------------------------------------------------------- /rnn_speech_recognition/pytorch/utils/preprocessing_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/rnn_speech_recognition/pytorch/utils/preprocessing_utils.py -------------------------------------------------------------------------------- /single_stage_detector/.dockerignore: -------------------------------------------------------------------------------- 1 | mlcube/workspace/ -------------------------------------------------------------------------------- /single_stage_detector/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/Dockerfile -------------------------------------------------------------------------------- /single_stage_detector/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/README.md -------------------------------------------------------------------------------- /single_stage_detector/mlcube/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/mlcube/README.md -------------------------------------------------------------------------------- /single_stage_detector/mlcube/mlcube.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/mlcube/mlcube.yaml -------------------------------------------------------------------------------- /single_stage_detector/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/requirements.txt -------------------------------------------------------------------------------- /single_stage_detector/scripts/backbone_to_onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/scripts/backbone_to_onnx.py -------------------------------------------------------------------------------- /single_stage_detector/scripts/download_backbone.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/scripts/download_backbone.sh -------------------------------------------------------------------------------- /single_stage_detector/scripts/download_coco2017.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/scripts/download_coco2017.sh -------------------------------------------------------------------------------- /single_stage_detector/scripts/download_openimages_demo.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/scripts/download_openimages_demo.sh -------------------------------------------------------------------------------- /single_stage_detector/scripts/download_openimages_full.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/scripts/download_openimages_full.sh -------------------------------------------------------------------------------- /single_stage_detector/scripts/download_openimages_mlperf.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/scripts/download_openimages_mlperf.sh -------------------------------------------------------------------------------- /single_stage_detector/scripts/fiftyone_openimages.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/scripts/fiftyone_openimages.py -------------------------------------------------------------------------------- /single_stage_detector/scripts/pth_to_onnx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/scripts/pth_to_onnx.py -------------------------------------------------------------------------------- /single_stage_detector/scripts/pth_to_pickle.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/scripts/pth_to_pickle.py -------------------------------------------------------------------------------- /single_stage_detector/ssd/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/ssd/.gitignore -------------------------------------------------------------------------------- /single_stage_detector/ssd/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/ssd/LICENSE -------------------------------------------------------------------------------- /single_stage_detector/ssd/bind.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/ssd/bind.sh -------------------------------------------------------------------------------- /single_stage_detector/ssd/check_logs.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/ssd/check_logs.sh -------------------------------------------------------------------------------- /single_stage_detector/ssd/coco_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/ssd/coco_eval.py -------------------------------------------------------------------------------- /single_stage_detector/ssd/coco_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/ssd/coco_utils.py -------------------------------------------------------------------------------- /single_stage_detector/ssd/config_DGXA100_001x08x032.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/ssd/config_DGXA100_001x08x032.sh -------------------------------------------------------------------------------- /single_stage_detector/ssd/config_DGXA100_002x08x016.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/ssd/config_DGXA100_002x08x016.sh -------------------------------------------------------------------------------- /single_stage_detector/ssd/config_DGXA100_008x08x008.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/ssd/config_DGXA100_008x08x008.sh -------------------------------------------------------------------------------- /single_stage_detector/ssd/config_DGXA100_032x08x032.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/ssd/config_DGXA100_032x08x032.sh -------------------------------------------------------------------------------- /single_stage_detector/ssd/engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/ssd/engine.py -------------------------------------------------------------------------------- /single_stage_detector/ssd/model/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /single_stage_detector/ssd/model/anchor_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/ssd/model/anchor_utils.py -------------------------------------------------------------------------------- /single_stage_detector/ssd/model/backbone_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/ssd/model/backbone_utils.py -------------------------------------------------------------------------------- /single_stage_detector/ssd/model/boxes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/ssd/model/boxes.py -------------------------------------------------------------------------------- /single_stage_detector/ssd/model/feature_pyramid_network.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/ssd/model/feature_pyramid_network.py -------------------------------------------------------------------------------- /single_stage_detector/ssd/model/focal_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/ssd/model/focal_loss.py -------------------------------------------------------------------------------- /single_stage_detector/ssd/model/image_list.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/ssd/model/image_list.py -------------------------------------------------------------------------------- /single_stage_detector/ssd/model/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/ssd/model/resnet.py -------------------------------------------------------------------------------- /single_stage_detector/ssd/model/retinanet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/ssd/model/retinanet.py -------------------------------------------------------------------------------- /single_stage_detector/ssd/model/roi_heads.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/ssd/model/roi_heads.py -------------------------------------------------------------------------------- /single_stage_detector/ssd/model/transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/ssd/model/transform.py -------------------------------------------------------------------------------- /single_stage_detector/ssd/model/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/ssd/model/utils.py -------------------------------------------------------------------------------- /single_stage_detector/ssd/presets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/ssd/presets.py -------------------------------------------------------------------------------- /single_stage_detector/ssd/run.sub: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/ssd/run.sub -------------------------------------------------------------------------------- /single_stage_detector/ssd/run_and_time.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/ssd/run_and_time.sh -------------------------------------------------------------------------------- /single_stage_detector/ssd/run_demo.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/ssd/run_demo.sh -------------------------------------------------------------------------------- /single_stage_detector/ssd/ssd_logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/ssd/ssd_logger.py -------------------------------------------------------------------------------- /single_stage_detector/ssd/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/ssd/train.py -------------------------------------------------------------------------------- /single_stage_detector/ssd/transforms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/ssd/transforms.py -------------------------------------------------------------------------------- /single_stage_detector/ssd/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/single_stage_detector/ssd/utils.py -------------------------------------------------------------------------------- /stable_diffusion/.dockerignore: -------------------------------------------------------------------------------- 1 | nogit/ 2 | mlperf_compliance.log 3 | -------------------------------------------------------------------------------- /stable_diffusion/.gitignore: -------------------------------------------------------------------------------- 1 | nogit/ 2 | mlperf_compliance.log 3 | -------------------------------------------------------------------------------- /stable_diffusion/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/Dockerfile -------------------------------------------------------------------------------- /stable_diffusion/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/LICENSE -------------------------------------------------------------------------------- /stable_diffusion/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/README.md -------------------------------------------------------------------------------- /stable_diffusion/configs/train_01x08x08.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/configs/train_01x08x08.yaml -------------------------------------------------------------------------------- /stable_diffusion/configs/train_32x08x02.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/configs/train_32x08x02.yaml -------------------------------------------------------------------------------- /stable_diffusion/configs/train_32x08x02_raw_images.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/configs/train_32x08x02_raw_images.yaml -------------------------------------------------------------------------------- /stable_diffusion/configs/train_32x08x04.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/configs/train_32x08x04.yaml -------------------------------------------------------------------------------- /stable_diffusion/configs/train_32x08x08.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/configs/train_32x08x08.yaml -------------------------------------------------------------------------------- /stable_diffusion/imgs/overview.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/imgs/overview.png -------------------------------------------------------------------------------- /stable_diffusion/ldm/data/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /stable_diffusion/ldm/data/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/ldm/data/base.py -------------------------------------------------------------------------------- /stable_diffusion/ldm/data/composable_data_module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/ldm/data/composable_data_module.py -------------------------------------------------------------------------------- /stable_diffusion/ldm/data/tsv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/ldm/data/tsv.py -------------------------------------------------------------------------------- /stable_diffusion/ldm/data/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/ldm/data/utils.py -------------------------------------------------------------------------------- /stable_diffusion/ldm/data/webdatasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/ldm/data/webdatasets.py -------------------------------------------------------------------------------- /stable_diffusion/ldm/lr_scheduler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/ldm/lr_scheduler.py -------------------------------------------------------------------------------- /stable_diffusion/ldm/models/autoencoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/ldm/models/autoencoder.py -------------------------------------------------------------------------------- /stable_diffusion/ldm/models/clip_encoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/ldm/models/clip_encoder.py -------------------------------------------------------------------------------- /stable_diffusion/ldm/models/diffusion/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /stable_diffusion/ldm/models/diffusion/ddim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/ldm/models/diffusion/ddim.py -------------------------------------------------------------------------------- /stable_diffusion/ldm/models/diffusion/ddpm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/ldm/models/diffusion/ddpm.py -------------------------------------------------------------------------------- /stable_diffusion/ldm/models/diffusion/dpm_solver/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/ldm/models/diffusion/dpm_solver/__init__.py -------------------------------------------------------------------------------- /stable_diffusion/ldm/models/diffusion/dpm_solver/dpm_solver.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/ldm/models/diffusion/dpm_solver/dpm_solver.py -------------------------------------------------------------------------------- /stable_diffusion/ldm/models/diffusion/dpm_solver/sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/ldm/models/diffusion/dpm_solver/sampler.py -------------------------------------------------------------------------------- /stable_diffusion/ldm/models/diffusion/plms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/ldm/models/diffusion/plms.py -------------------------------------------------------------------------------- /stable_diffusion/ldm/models/diffusion/sampling_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/ldm/models/diffusion/sampling_util.py -------------------------------------------------------------------------------- /stable_diffusion/ldm/modules/attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/ldm/modules/attention.py -------------------------------------------------------------------------------- /stable_diffusion/ldm/modules/diffusionmodules/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /stable_diffusion/ldm/modules/diffusionmodules/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/ldm/modules/diffusionmodules/model.py -------------------------------------------------------------------------------- /stable_diffusion/ldm/modules/diffusionmodules/openaimodel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/ldm/modules/diffusionmodules/openaimodel.py -------------------------------------------------------------------------------- /stable_diffusion/ldm/modules/diffusionmodules/upscaling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/ldm/modules/diffusionmodules/upscaling.py -------------------------------------------------------------------------------- /stable_diffusion/ldm/modules/diffusionmodules/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/ldm/modules/diffusionmodules/util.py -------------------------------------------------------------------------------- /stable_diffusion/ldm/modules/distributions/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /stable_diffusion/ldm/modules/distributions/distributions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/ldm/modules/distributions/distributions.py -------------------------------------------------------------------------------- /stable_diffusion/ldm/modules/ema.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/ldm/modules/ema.py -------------------------------------------------------------------------------- /stable_diffusion/ldm/modules/encoders/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /stable_diffusion/ldm/modules/encoders/modules.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/ldm/modules/encoders/modules.py -------------------------------------------------------------------------------- /stable_diffusion/ldm/modules/fid/README.md: -------------------------------------------------------------------------------- 1 | Copied from https://github.com/mseitzer/pytorch-fid@0a754fb 2 | -------------------------------------------------------------------------------- /stable_diffusion/ldm/modules/fid/fid_score.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/ldm/modules/fid/fid_score.py -------------------------------------------------------------------------------- /stable_diffusion/ldm/modules/fid/inception.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/ldm/modules/fid/inception.py -------------------------------------------------------------------------------- /stable_diffusion/ldm/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/ldm/util.py -------------------------------------------------------------------------------- /stable_diffusion/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/main.py -------------------------------------------------------------------------------- /stable_diffusion/mlperf_logging_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/mlperf_logging_utils.py -------------------------------------------------------------------------------- /stable_diffusion/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/requirements.txt -------------------------------------------------------------------------------- /stable_diffusion/run_and_time.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/run_and_time.sh -------------------------------------------------------------------------------- /stable_diffusion/scripts/checkpoints/download_clip.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/scripts/checkpoints/download_clip.sh -------------------------------------------------------------------------------- /stable_diffusion/scripts/checkpoints/download_inception.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/scripts/checkpoints/download_inception.sh -------------------------------------------------------------------------------- /stable_diffusion/scripts/checkpoints/download_sd.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/scripts/checkpoints/download_sd.sh -------------------------------------------------------------------------------- /stable_diffusion/scripts/datasets/coco-split-resize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/scripts/datasets/coco-split-resize.py -------------------------------------------------------------------------------- /stable_diffusion/scripts/datasets/filter-metadata.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/scripts/datasets/filter-metadata.py -------------------------------------------------------------------------------- /stable_diffusion/scripts/datasets/generate-fid-statistics.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/scripts/datasets/generate-fid-statistics.sh -------------------------------------------------------------------------------- /stable_diffusion/scripts/datasets/laion400m-download-dataset.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/scripts/datasets/laion400m-download-dataset.sh -------------------------------------------------------------------------------- /stable_diffusion/scripts/datasets/laion400m-filter-metadata.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/scripts/datasets/laion400m-filter-metadata.sh -------------------------------------------------------------------------------- /stable_diffusion/scripts/docker/build.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/scripts/docker/build.sh -------------------------------------------------------------------------------- /stable_diffusion/scripts/docker/launch.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/scripts/docker/launch.sh -------------------------------------------------------------------------------- /stable_diffusion/scripts/slurm/sbatch.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/scripts/slurm/sbatch.sh -------------------------------------------------------------------------------- /stable_diffusion/scripts/slurm/srun.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/scripts/slurm/srun.sh -------------------------------------------------------------------------------- /stable_diffusion/webdataset_images2latents.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/brahmGAN/mlperf/HEAD/stable_diffusion/webdataset_images2latents.py --------------------------------------------------------------------------------