├── .gitignore ├── README.md ├── async_adder.py ├── aws_backend.py ├── aws_tool.py ├── backend.py ├── benchmark_grpc_recv.py ├── benchmarks ├── .gitignore ├── scripts │ ├── Dockerfile.tf_cnn_benchmarks │ ├── benchmark_configs.yml │ ├── tf_cnn_benchmarks │ │ ├── README.md │ │ ├── benchmark_cnn.py │ │ ├── benchmark_storage.py │ │ ├── cbuild_benchmark_storage.py │ │ ├── cnn_util.py │ │ ├── convnet_builder.py │ │ ├── datasets.py │ │ ├── models │ │ │ ├── __init__.py │ │ │ ├── alexnet_model.py │ │ │ ├── densenet_model.py │ │ │ ├── googlenet_model.py │ │ │ ├── inception_model.py │ │ │ ├── lenet_model.py │ │ │ ├── model.py │ │ │ ├── model_config.py │ │ │ ├── overfeat_model.py │ │ │ ├── resnet_model.py │ │ │ ├── trivial_model.py │ │ │ └── vgg_model.py │ │ ├── preprocessing.py │ │ ├── tf_cnn_benchmarks.py │ │ └── variable_mgr.py │ └── util │ │ ├── __init__.py │ │ ├── benchmark_util.py │ │ ├── benchmark_util_test.py │ │ ├── convert_csv_to_json.py │ │ └── convert_csv_to_json_test.py └── tools │ ├── k8s_tensorflow_lib.py │ ├── k8s_tensorflow_test.py │ ├── kubectl_util.py │ ├── kubectl_util_test.py │ └── run_distributed_benchmarks.py ├── cifar ├── README.md ├── cifar10.py ├── cifar10_download_and_extract.py ├── cifar10_main.py ├── cifar10_model.py ├── cifar10_utils.py ├── cmle_config.yaml ├── eval.tfrecords ├── extract_graph.py ├── extract_graph_ray.py ├── generate_cifar10_tfrecords.py ├── launch.py ├── model_base.py ├── raunch.py ├── raunch_pp.py ├── ray_pp.py ├── ray_straggler_timing.csv ├── ray_sync.py ├── tf_straggler_timing.csv ├── train.tfrecords └── validation.tfrecords ├── client_transfer_benchmark.py ├── cloud-formation-example ├── README.md ├── iam.yaml ├── tensorflow.yaml └── zone.sh ├── connect ├── connect.py ├── connect2 ├── connect_helper.sh ├── create_resources.py ├── dawn ├── imagenet_utils.py ├── launch-tong-tmpfs.py ├── launch-tong.py ├── launch.py ├── resnet.b512.baseline.py └── resnet_model.py ├── delete_placement_groups.py ├── delete_resources.py ├── ebs_tool.py ├── efs_tool.py ├── environment.yml ├── fill_efs.py ├── go-east ├── go-ohio ├── go-west ├── gpubox ├── README.md ├── jupyter_notebook_config.py ├── launch.py ├── launch_prewarming_test.py ├── launch_refactored.py ├── launch_userdata_test.py ├── sample.ipynb └── setup_gpu.sh ├── imagenet18 ├── README.md ├── requirements.txt ├── setup.sh ├── tools │ └── launch_tensorboard.py ├── train.py └── training │ ├── dataloader.py │ ├── dist_utils.py │ ├── experimental_utils.py │ ├── fp16util.py │ ├── logger.py │ ├── meter.py │ ├── resnet.py │ └── train_imagenet_nv.py ├── imagenet64 ├── README.md ├── launch.py ├── requirements.txt └── variable_mgr.py ├── iperf └── launch.py ├── launch_async_adder.py ├── launch_gpubox.py ├── launch_ray_async_benchmark.py ├── launch_ray_async_refactored.py ├── launch_simple_tf.py ├── launch_tb.py ├── list_vpcs.py ├── nexus.yml ├── psbench ├── 4worker.png ├── README.md ├── benchmark_grpc_recv.py ├── launch_ray_adder.py ├── launch_ray_adder_async.py ├── launch_tf_adder.py ├── launch_tf_adder_refactored.py ├── local_distributed_benchmark.py ├── memcpy.cc ├── memcpy_classic.cc ├── memcpy_fast.cc ├── ray_adder.py ├── ray_adder_async.py ├── ray_localsgd.py ├── ray_one2two.py ├── robert_ps.py ├── robust_async_adder.py └── tf_adder.py ├── pytorch-cifar ├── Cifar10_pytorch_minimal.ipynb ├── Cifar10_pytorch_old_comparison.ipynb ├── README.md ├── __init__.py ├── autoaugment.py ├── fp16util.py ├── launch.py ├── launch_bkj.py ├── launch_fastai.py ├── launch_refactored.py ├── resnet.py ├── resnet18.py ├── setup_env.sh ├── train_cifar10.py ├── train_cifar10_bkj.py ├── train_cifar10_fastai.py └── wideresnet.py ├── pytorch ├── 16-machines.tsv ├── README.md ├── __init__.py ├── jupyter_notebook_config.py ├── launch_monitoring.py ├── launch_monitoring_refactored.py ├── launch_nv.py ├── launch_nv_refactored.py ├── launch_utils.py ├── notebooks │ ├── recipes-yaroslav-va.ipynb │ └── recipes-yaroslav.ipynb ├── prepare_dawn_tsv.py ├── recipes.md ├── release_tools │ └── aws-imagenet-snapshot.ipynb ├── replicate_imagenet.py ├── setup │ ├── build_pytorch_source.sh │ └── setup_env_fastai.sh ├── setup_env_nv.sh ├── training │ ├── dataloader.py │ ├── dist_utils.py │ ├── experimental_utils.py │ ├── fp16util.py │ ├── logger.py │ ├── meter.py │ ├── resnet.py │ └── train_imagenet_nv.py └── unreplicate_imagenet.py ├── pytorch_distributed_benchmark ├── README.md ├── bench_allreduce.py ├── bench_p2p.py └── bench_p2p_refactored.py ├── ray_integration ├── README.md ├── launch_coredns.py ├── launch_ray.py ├── launch_ray_amazon.py ├── launch_ray_beefy.py ├── launch_ray_sharded.py ├── launch_ray_sync.py ├── launch_simple.py ├── ray_sync.py ├── requirements.txt ├── robert_dec12.py └── robert_dec12_comm.py ├── requirements.txt ├── resnet50 ├── cifar10_download_and_extract.py ├── cifar10_main.py ├── launch_cifar_resnet.py └── resnet_model.py ├── single_machine_cifar ├── README.md ├── aws-tb.png ├── aws-tb2.png ├── cifar10_estimator │ ├── README.md │ ├── README.md.fileloc │ ├── __init__.py │ ├── cifar10.py │ ├── cifar10_main.py │ ├── cifar10_model.py │ ├── cifar10_utils.py │ ├── cmle_config.yaml │ ├── generate_cifar10_tfrecords.py │ └── model_base.py ├── launch.py └── local-tb.png ├── spot_tool.py ├── sync.py ├── tensorboard-example ├── README.md ├── launch.py ├── pytorch-mnist-example.py └── tensorboardx-demo.py ├── terminate ├── terminate.py ├── terminate_tmux ├── test_aws.py ├── tests ├── attach_volume_test.py ├── aws_backend_test.py ├── aws_monitoring_test.py └── tmux_backend_test.py ├── tf-tools ├── .gitignore ├── benchmark │ ├── multi_gpu │ │ ├── advanced_tweaks_compare.sh │ │ ├── image_classification_bench_tests.sh │ │ ├── stats_monitor.sh │ │ ├── test_runner.sh │ │ └── unit_test_stats_monitor.sh │ └── runner │ │ ├── #cluster_aws.py# │ │ ├── cluster_aws.py │ │ ├── command_builder.py │ │ ├── configs │ │ └── aws │ │ │ ├── multi_server.yaml │ │ │ └── yaroslav.yaml │ │ ├── instance_info.py │ │ ├── launch_experiment.py │ │ ├── test_cluster_aws.py │ │ ├── test_command_builder.py │ │ └── util.py └── install │ ├── aws_amzlinux.md │ └── aws_ubuntu16_04.md ├── tf_numpy_benchmark ├── README.md ├── launch.py └── tf_numpy_benchmark.py ├── tiny_cifar └── cifar10_estimator │ ├── README.md │ ├── README.md.fileloc │ ├── __init__.py │ ├── cifar10.py │ ├── cifar10_main.py │ ├── cifar10_model.py │ ├── cifar10_utils.py │ ├── cmle_config.yaml │ ├── eval.tfrecords │ ├── generate_cifar10_tfrecords.py │ ├── model_base.py │ ├── train.tfrecords │ └── validation.tfrecords ├── tmux.py ├── tmux_backend.py ├── tsv_tensorpack_extract.py ├── uninitialize ├── uninitialize.py ├── util.py ├── vpc_tool.py └── yuxin_numpy ├── README.md ├── align_feed_bug.py ├── allocation_bug_report.py ├── cpu-profile.svg ├── cpu_vs_gpu_var_benchmark.py ├── d2h_benchmark.py ├── d2h_benchmark_pycuda.py ├── extract_stat.py ├── fetch_variable_benchmark.py ├── get_cores_per_socket.py ├── gpu-profile.svg ├── imagenet_utils.py ├── launch.py ├── mnist-convnet-prenumpy.py ├── mnist-convnet.py ├── numpy_add_benchmark.py ├── pytorch_modify_test.py ├── pytorch_slow_numpy_bug.py ├── ray_ps_benchmark.py ├── ray_ps_benchmark2.py ├── resnet-cpu.py ├── resnet.py ├── resnet_model.py ├── resnet_numpy_concat_ray_test.py ├── resnet_numpy_concat_test.py ├── resnet_numpy_test.py ├── resnet_ray_test.py ├── resnet_synthetic.py ├── resnet_synthetic_test.py ├── simple_minimize.py ├── square_minimize.py ├── square_minimize_cpu.py ├── square_minimize_cpu_pipeline.py ├── tf_feed_fetch_test.py ├── tf_numpy_benchmark.py └── variable_fetch_bug_report.py /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/.gitignore -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/README.md -------------------------------------------------------------------------------- /async_adder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/async_adder.py -------------------------------------------------------------------------------- /aws_backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/aws_backend.py -------------------------------------------------------------------------------- /aws_tool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/aws_tool.py -------------------------------------------------------------------------------- /backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/backend.py -------------------------------------------------------------------------------- /benchmark_grpc_recv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/benchmark_grpc_recv.py -------------------------------------------------------------------------------- /benchmarks/.gitignore: -------------------------------------------------------------------------------- 1 | *.pyc 2 | -------------------------------------------------------------------------------- /benchmarks/scripts/Dockerfile.tf_cnn_benchmarks: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/benchmarks/scripts/Dockerfile.tf_cnn_benchmarks -------------------------------------------------------------------------------- /benchmarks/scripts/benchmark_configs.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/benchmarks/scripts/benchmark_configs.yml -------------------------------------------------------------------------------- /benchmarks/scripts/tf_cnn_benchmarks/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/benchmarks/scripts/tf_cnn_benchmarks/README.md -------------------------------------------------------------------------------- /benchmarks/scripts/tf_cnn_benchmarks/benchmark_cnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/benchmarks/scripts/tf_cnn_benchmarks/benchmark_cnn.py -------------------------------------------------------------------------------- /benchmarks/scripts/tf_cnn_benchmarks/benchmark_storage.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/benchmarks/scripts/tf_cnn_benchmarks/benchmark_storage.py -------------------------------------------------------------------------------- /benchmarks/scripts/tf_cnn_benchmarks/cbuild_benchmark_storage.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/benchmarks/scripts/tf_cnn_benchmarks/cbuild_benchmark_storage.py -------------------------------------------------------------------------------- /benchmarks/scripts/tf_cnn_benchmarks/cnn_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/benchmarks/scripts/tf_cnn_benchmarks/cnn_util.py -------------------------------------------------------------------------------- /benchmarks/scripts/tf_cnn_benchmarks/convnet_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/benchmarks/scripts/tf_cnn_benchmarks/convnet_builder.py -------------------------------------------------------------------------------- /benchmarks/scripts/tf_cnn_benchmarks/datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/benchmarks/scripts/tf_cnn_benchmarks/datasets.py -------------------------------------------------------------------------------- /benchmarks/scripts/tf_cnn_benchmarks/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /benchmarks/scripts/tf_cnn_benchmarks/models/alexnet_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/benchmarks/scripts/tf_cnn_benchmarks/models/alexnet_model.py -------------------------------------------------------------------------------- /benchmarks/scripts/tf_cnn_benchmarks/models/densenet_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/benchmarks/scripts/tf_cnn_benchmarks/models/densenet_model.py -------------------------------------------------------------------------------- /benchmarks/scripts/tf_cnn_benchmarks/models/googlenet_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/benchmarks/scripts/tf_cnn_benchmarks/models/googlenet_model.py -------------------------------------------------------------------------------- /benchmarks/scripts/tf_cnn_benchmarks/models/inception_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/benchmarks/scripts/tf_cnn_benchmarks/models/inception_model.py -------------------------------------------------------------------------------- /benchmarks/scripts/tf_cnn_benchmarks/models/lenet_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/benchmarks/scripts/tf_cnn_benchmarks/models/lenet_model.py -------------------------------------------------------------------------------- /benchmarks/scripts/tf_cnn_benchmarks/models/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/benchmarks/scripts/tf_cnn_benchmarks/models/model.py -------------------------------------------------------------------------------- /benchmarks/scripts/tf_cnn_benchmarks/models/model_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/benchmarks/scripts/tf_cnn_benchmarks/models/model_config.py -------------------------------------------------------------------------------- /benchmarks/scripts/tf_cnn_benchmarks/models/overfeat_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/benchmarks/scripts/tf_cnn_benchmarks/models/overfeat_model.py -------------------------------------------------------------------------------- /benchmarks/scripts/tf_cnn_benchmarks/models/resnet_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/benchmarks/scripts/tf_cnn_benchmarks/models/resnet_model.py -------------------------------------------------------------------------------- /benchmarks/scripts/tf_cnn_benchmarks/models/trivial_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/benchmarks/scripts/tf_cnn_benchmarks/models/trivial_model.py -------------------------------------------------------------------------------- /benchmarks/scripts/tf_cnn_benchmarks/models/vgg_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/benchmarks/scripts/tf_cnn_benchmarks/models/vgg_model.py -------------------------------------------------------------------------------- /benchmarks/scripts/tf_cnn_benchmarks/preprocessing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/benchmarks/scripts/tf_cnn_benchmarks/preprocessing.py -------------------------------------------------------------------------------- /benchmarks/scripts/tf_cnn_benchmarks/tf_cnn_benchmarks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/benchmarks/scripts/tf_cnn_benchmarks/tf_cnn_benchmarks.py -------------------------------------------------------------------------------- /benchmarks/scripts/tf_cnn_benchmarks/variable_mgr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/benchmarks/scripts/tf_cnn_benchmarks/variable_mgr.py -------------------------------------------------------------------------------- /benchmarks/scripts/util/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /benchmarks/scripts/util/benchmark_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/benchmarks/scripts/util/benchmark_util.py -------------------------------------------------------------------------------- /benchmarks/scripts/util/benchmark_util_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/benchmarks/scripts/util/benchmark_util_test.py -------------------------------------------------------------------------------- /benchmarks/scripts/util/convert_csv_to_json.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/benchmarks/scripts/util/convert_csv_to_json.py -------------------------------------------------------------------------------- /benchmarks/scripts/util/convert_csv_to_json_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/benchmarks/scripts/util/convert_csv_to_json_test.py -------------------------------------------------------------------------------- /benchmarks/tools/k8s_tensorflow_lib.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/benchmarks/tools/k8s_tensorflow_lib.py -------------------------------------------------------------------------------- /benchmarks/tools/k8s_tensorflow_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/benchmarks/tools/k8s_tensorflow_test.py -------------------------------------------------------------------------------- /benchmarks/tools/kubectl_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/benchmarks/tools/kubectl_util.py -------------------------------------------------------------------------------- /benchmarks/tools/kubectl_util_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/benchmarks/tools/kubectl_util_test.py -------------------------------------------------------------------------------- /benchmarks/tools/run_distributed_benchmarks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/benchmarks/tools/run_distributed_benchmarks.py -------------------------------------------------------------------------------- /cifar/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/cifar/README.md -------------------------------------------------------------------------------- /cifar/cifar10.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/cifar/cifar10.py -------------------------------------------------------------------------------- /cifar/cifar10_download_and_extract.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/cifar/cifar10_download_and_extract.py -------------------------------------------------------------------------------- /cifar/cifar10_main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/cifar/cifar10_main.py -------------------------------------------------------------------------------- /cifar/cifar10_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/cifar/cifar10_model.py -------------------------------------------------------------------------------- /cifar/cifar10_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/cifar/cifar10_utils.py -------------------------------------------------------------------------------- /cifar/cmle_config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/cifar/cmle_config.yaml -------------------------------------------------------------------------------- /cifar/eval.tfrecords: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/cifar/eval.tfrecords -------------------------------------------------------------------------------- /cifar/extract_graph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/cifar/extract_graph.py -------------------------------------------------------------------------------- /cifar/extract_graph_ray.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/cifar/extract_graph_ray.py -------------------------------------------------------------------------------- /cifar/generate_cifar10_tfrecords.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/cifar/generate_cifar10_tfrecords.py -------------------------------------------------------------------------------- /cifar/launch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/cifar/launch.py -------------------------------------------------------------------------------- /cifar/model_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/cifar/model_base.py -------------------------------------------------------------------------------- /cifar/raunch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/cifar/raunch.py -------------------------------------------------------------------------------- /cifar/raunch_pp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/cifar/raunch_pp.py -------------------------------------------------------------------------------- /cifar/ray_pp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/cifar/ray_pp.py -------------------------------------------------------------------------------- /cifar/ray_straggler_timing.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/cifar/ray_straggler_timing.csv -------------------------------------------------------------------------------- /cifar/ray_sync.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/cifar/ray_sync.py -------------------------------------------------------------------------------- /cifar/tf_straggler_timing.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/cifar/tf_straggler_timing.csv -------------------------------------------------------------------------------- /cifar/train.tfrecords: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/cifar/train.tfrecords -------------------------------------------------------------------------------- /cifar/validation.tfrecords: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/cifar/validation.tfrecords -------------------------------------------------------------------------------- /client_transfer_benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/client_transfer_benchmark.py -------------------------------------------------------------------------------- /cloud-formation-example/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/cloud-formation-example/README.md -------------------------------------------------------------------------------- /cloud-formation-example/iam.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/cloud-formation-example/iam.yaml -------------------------------------------------------------------------------- /cloud-formation-example/tensorflow.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/cloud-formation-example/tensorflow.yaml -------------------------------------------------------------------------------- /cloud-formation-example/zone.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/cloud-formation-example/zone.sh -------------------------------------------------------------------------------- /connect: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/connect -------------------------------------------------------------------------------- /connect.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/connect.py -------------------------------------------------------------------------------- /connect2: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/connect2 -------------------------------------------------------------------------------- /connect_helper.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/connect_helper.sh -------------------------------------------------------------------------------- /create_resources.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/create_resources.py -------------------------------------------------------------------------------- /dawn/imagenet_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/dawn/imagenet_utils.py -------------------------------------------------------------------------------- /dawn/launch-tong-tmpfs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/dawn/launch-tong-tmpfs.py -------------------------------------------------------------------------------- /dawn/launch-tong.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/dawn/launch-tong.py -------------------------------------------------------------------------------- /dawn/launch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/dawn/launch.py -------------------------------------------------------------------------------- /dawn/resnet.b512.baseline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/dawn/resnet.b512.baseline.py -------------------------------------------------------------------------------- /dawn/resnet_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/dawn/resnet_model.py -------------------------------------------------------------------------------- /delete_placement_groups.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/delete_placement_groups.py -------------------------------------------------------------------------------- /delete_resources.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/delete_resources.py -------------------------------------------------------------------------------- /ebs_tool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/ebs_tool.py -------------------------------------------------------------------------------- /efs_tool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/efs_tool.py -------------------------------------------------------------------------------- /environment.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/environment.yml -------------------------------------------------------------------------------- /fill_efs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/fill_efs.py -------------------------------------------------------------------------------- /go-east: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/go-east -------------------------------------------------------------------------------- /go-ohio: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/go-ohio -------------------------------------------------------------------------------- /go-west: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/go-west -------------------------------------------------------------------------------- /gpubox/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/gpubox/README.md -------------------------------------------------------------------------------- /gpubox/jupyter_notebook_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/gpubox/jupyter_notebook_config.py -------------------------------------------------------------------------------- /gpubox/launch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/gpubox/launch.py -------------------------------------------------------------------------------- /gpubox/launch_prewarming_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/gpubox/launch_prewarming_test.py -------------------------------------------------------------------------------- /gpubox/launch_refactored.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/gpubox/launch_refactored.py -------------------------------------------------------------------------------- /gpubox/launch_userdata_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/gpubox/launch_userdata_test.py -------------------------------------------------------------------------------- /gpubox/sample.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/gpubox/sample.ipynb -------------------------------------------------------------------------------- /gpubox/setup_gpu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/gpubox/setup_gpu.sh -------------------------------------------------------------------------------- /imagenet18/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/imagenet18/README.md -------------------------------------------------------------------------------- /imagenet18/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/imagenet18/requirements.txt -------------------------------------------------------------------------------- /imagenet18/setup.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/imagenet18/setup.sh -------------------------------------------------------------------------------- /imagenet18/tools/launch_tensorboard.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/imagenet18/tools/launch_tensorboard.py -------------------------------------------------------------------------------- /imagenet18/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/imagenet18/train.py -------------------------------------------------------------------------------- /imagenet18/training/dataloader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/imagenet18/training/dataloader.py -------------------------------------------------------------------------------- /imagenet18/training/dist_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/imagenet18/training/dist_utils.py -------------------------------------------------------------------------------- /imagenet18/training/experimental_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/imagenet18/training/experimental_utils.py -------------------------------------------------------------------------------- /imagenet18/training/fp16util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/imagenet18/training/fp16util.py -------------------------------------------------------------------------------- /imagenet18/training/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/imagenet18/training/logger.py -------------------------------------------------------------------------------- /imagenet18/training/meter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/imagenet18/training/meter.py -------------------------------------------------------------------------------- /imagenet18/training/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/imagenet18/training/resnet.py -------------------------------------------------------------------------------- /imagenet18/training/train_imagenet_nv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/imagenet18/training/train_imagenet_nv.py -------------------------------------------------------------------------------- /imagenet64/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/imagenet64/README.md -------------------------------------------------------------------------------- /imagenet64/launch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/imagenet64/launch.py -------------------------------------------------------------------------------- /imagenet64/requirements.txt: -------------------------------------------------------------------------------- 1 | boto3 2 | paramiko 3 | pyyaml 4 | tensorflow-gpu==1.4 5 | -------------------------------------------------------------------------------- /imagenet64/variable_mgr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/imagenet64/variable_mgr.py -------------------------------------------------------------------------------- /iperf/launch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/iperf/launch.py -------------------------------------------------------------------------------- /launch_async_adder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/launch_async_adder.py -------------------------------------------------------------------------------- /launch_gpubox.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/launch_gpubox.py -------------------------------------------------------------------------------- /launch_ray_async_benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/launch_ray_async_benchmark.py -------------------------------------------------------------------------------- /launch_ray_async_refactored.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/launch_ray_async_refactored.py -------------------------------------------------------------------------------- /launch_simple_tf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/launch_simple_tf.py -------------------------------------------------------------------------------- /launch_tb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/launch_tb.py -------------------------------------------------------------------------------- /list_vpcs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/list_vpcs.py -------------------------------------------------------------------------------- /nexus.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/nexus.yml -------------------------------------------------------------------------------- /psbench/4worker.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/psbench/4worker.png -------------------------------------------------------------------------------- /psbench/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/psbench/README.md -------------------------------------------------------------------------------- /psbench/benchmark_grpc_recv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/psbench/benchmark_grpc_recv.py -------------------------------------------------------------------------------- /psbench/launch_ray_adder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/psbench/launch_ray_adder.py -------------------------------------------------------------------------------- /psbench/launch_ray_adder_async.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/psbench/launch_ray_adder_async.py -------------------------------------------------------------------------------- /psbench/launch_tf_adder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/psbench/launch_tf_adder.py -------------------------------------------------------------------------------- /psbench/launch_tf_adder_refactored.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/psbench/launch_tf_adder_refactored.py -------------------------------------------------------------------------------- /psbench/local_distributed_benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/psbench/local_distributed_benchmark.py -------------------------------------------------------------------------------- /psbench/memcpy.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/psbench/memcpy.cc -------------------------------------------------------------------------------- /psbench/memcpy_classic.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/psbench/memcpy_classic.cc -------------------------------------------------------------------------------- /psbench/memcpy_fast.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/psbench/memcpy_fast.cc -------------------------------------------------------------------------------- /psbench/ray_adder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/psbench/ray_adder.py -------------------------------------------------------------------------------- /psbench/ray_adder_async.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/psbench/ray_adder_async.py -------------------------------------------------------------------------------- /psbench/ray_localsgd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/psbench/ray_localsgd.py -------------------------------------------------------------------------------- /psbench/ray_one2two.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/psbench/ray_one2two.py -------------------------------------------------------------------------------- /psbench/robert_ps.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/psbench/robert_ps.py -------------------------------------------------------------------------------- /psbench/robust_async_adder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/psbench/robust_async_adder.py -------------------------------------------------------------------------------- /psbench/tf_adder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/psbench/tf_adder.py -------------------------------------------------------------------------------- /pytorch-cifar/Cifar10_pytorch_minimal.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch-cifar/Cifar10_pytorch_minimal.ipynb -------------------------------------------------------------------------------- /pytorch-cifar/Cifar10_pytorch_old_comparison.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch-cifar/Cifar10_pytorch_old_comparison.ipynb -------------------------------------------------------------------------------- /pytorch-cifar/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch-cifar/README.md -------------------------------------------------------------------------------- /pytorch-cifar/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /pytorch-cifar/autoaugment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch-cifar/autoaugment.py -------------------------------------------------------------------------------- /pytorch-cifar/fp16util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch-cifar/fp16util.py -------------------------------------------------------------------------------- /pytorch-cifar/launch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch-cifar/launch.py -------------------------------------------------------------------------------- /pytorch-cifar/launch_bkj.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch-cifar/launch_bkj.py -------------------------------------------------------------------------------- /pytorch-cifar/launch_fastai.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch-cifar/launch_fastai.py -------------------------------------------------------------------------------- /pytorch-cifar/launch_refactored.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch-cifar/launch_refactored.py -------------------------------------------------------------------------------- /pytorch-cifar/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch-cifar/resnet.py -------------------------------------------------------------------------------- /pytorch-cifar/resnet18.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch-cifar/resnet18.py -------------------------------------------------------------------------------- /pytorch-cifar/setup_env.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch-cifar/setup_env.sh -------------------------------------------------------------------------------- /pytorch-cifar/train_cifar10.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch-cifar/train_cifar10.py -------------------------------------------------------------------------------- /pytorch-cifar/train_cifar10_bkj.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch-cifar/train_cifar10_bkj.py -------------------------------------------------------------------------------- /pytorch-cifar/train_cifar10_fastai.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch-cifar/train_cifar10_fastai.py -------------------------------------------------------------------------------- /pytorch-cifar/wideresnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch-cifar/wideresnet.py -------------------------------------------------------------------------------- /pytorch/16-machines.tsv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch/16-machines.tsv -------------------------------------------------------------------------------- /pytorch/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch/README.md -------------------------------------------------------------------------------- /pytorch/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /pytorch/jupyter_notebook_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch/jupyter_notebook_config.py -------------------------------------------------------------------------------- /pytorch/launch_monitoring.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch/launch_monitoring.py -------------------------------------------------------------------------------- /pytorch/launch_monitoring_refactored.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch/launch_monitoring_refactored.py -------------------------------------------------------------------------------- /pytorch/launch_nv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch/launch_nv.py -------------------------------------------------------------------------------- /pytorch/launch_nv_refactored.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch/launch_nv_refactored.py -------------------------------------------------------------------------------- /pytorch/launch_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch/launch_utils.py -------------------------------------------------------------------------------- /pytorch/notebooks/recipes-yaroslav-va.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch/notebooks/recipes-yaroslav-va.ipynb -------------------------------------------------------------------------------- /pytorch/notebooks/recipes-yaroslav.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch/notebooks/recipes-yaroslav.ipynb -------------------------------------------------------------------------------- /pytorch/prepare_dawn_tsv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch/prepare_dawn_tsv.py -------------------------------------------------------------------------------- /pytorch/recipes.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch/recipes.md -------------------------------------------------------------------------------- /pytorch/release_tools/aws-imagenet-snapshot.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch/release_tools/aws-imagenet-snapshot.ipynb -------------------------------------------------------------------------------- /pytorch/replicate_imagenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch/replicate_imagenet.py -------------------------------------------------------------------------------- /pytorch/setup/build_pytorch_source.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch/setup/build_pytorch_source.sh -------------------------------------------------------------------------------- /pytorch/setup/setup_env_fastai.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch/setup/setup_env_fastai.sh -------------------------------------------------------------------------------- /pytorch/setup_env_nv.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch/setup_env_nv.sh -------------------------------------------------------------------------------- /pytorch/training/dataloader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch/training/dataloader.py -------------------------------------------------------------------------------- /pytorch/training/dist_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch/training/dist_utils.py -------------------------------------------------------------------------------- /pytorch/training/experimental_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch/training/experimental_utils.py -------------------------------------------------------------------------------- /pytorch/training/fp16util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch/training/fp16util.py -------------------------------------------------------------------------------- /pytorch/training/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch/training/logger.py -------------------------------------------------------------------------------- /pytorch/training/meter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch/training/meter.py -------------------------------------------------------------------------------- /pytorch/training/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch/training/resnet.py -------------------------------------------------------------------------------- /pytorch/training/train_imagenet_nv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch/training/train_imagenet_nv.py -------------------------------------------------------------------------------- /pytorch/unreplicate_imagenet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch/unreplicate_imagenet.py -------------------------------------------------------------------------------- /pytorch_distributed_benchmark/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch_distributed_benchmark/README.md -------------------------------------------------------------------------------- /pytorch_distributed_benchmark/bench_allreduce.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch_distributed_benchmark/bench_allreduce.py -------------------------------------------------------------------------------- /pytorch_distributed_benchmark/bench_p2p.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch_distributed_benchmark/bench_p2p.py -------------------------------------------------------------------------------- /pytorch_distributed_benchmark/bench_p2p_refactored.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/pytorch_distributed_benchmark/bench_p2p_refactored.py -------------------------------------------------------------------------------- /ray_integration/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/ray_integration/README.md -------------------------------------------------------------------------------- /ray_integration/launch_coredns.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/ray_integration/launch_coredns.py -------------------------------------------------------------------------------- /ray_integration/launch_ray.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/ray_integration/launch_ray.py -------------------------------------------------------------------------------- /ray_integration/launch_ray_amazon.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/ray_integration/launch_ray_amazon.py -------------------------------------------------------------------------------- /ray_integration/launch_ray_beefy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/ray_integration/launch_ray_beefy.py -------------------------------------------------------------------------------- /ray_integration/launch_ray_sharded.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/ray_integration/launch_ray_sharded.py -------------------------------------------------------------------------------- /ray_integration/launch_ray_sync.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/ray_integration/launch_ray_sync.py -------------------------------------------------------------------------------- /ray_integration/launch_simple.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/ray_integration/launch_simple.py -------------------------------------------------------------------------------- /ray_integration/ray_sync.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/ray_integration/ray_sync.py -------------------------------------------------------------------------------- /ray_integration/requirements.txt: -------------------------------------------------------------------------------- 1 | ../requirements.txt -------------------------------------------------------------------------------- /ray_integration/robert_dec12.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/ray_integration/robert_dec12.py -------------------------------------------------------------------------------- /ray_integration/robert_dec12_comm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/ray_integration/robert_dec12_comm.py -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/requirements.txt -------------------------------------------------------------------------------- /resnet50/cifar10_download_and_extract.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/resnet50/cifar10_download_and_extract.py -------------------------------------------------------------------------------- /resnet50/cifar10_main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/resnet50/cifar10_main.py -------------------------------------------------------------------------------- /resnet50/launch_cifar_resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/resnet50/launch_cifar_resnet.py -------------------------------------------------------------------------------- /resnet50/resnet_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/resnet50/resnet_model.py -------------------------------------------------------------------------------- /single_machine_cifar/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/single_machine_cifar/README.md -------------------------------------------------------------------------------- /single_machine_cifar/aws-tb.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/single_machine_cifar/aws-tb.png -------------------------------------------------------------------------------- /single_machine_cifar/aws-tb2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/single_machine_cifar/aws-tb2.png -------------------------------------------------------------------------------- /single_machine_cifar/cifar10_estimator/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/single_machine_cifar/cifar10_estimator/README.md -------------------------------------------------------------------------------- /single_machine_cifar/cifar10_estimator/README.md.fileloc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/single_machine_cifar/cifar10_estimator/README.md.fileloc -------------------------------------------------------------------------------- /single_machine_cifar/cifar10_estimator/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /single_machine_cifar/cifar10_estimator/cifar10.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/single_machine_cifar/cifar10_estimator/cifar10.py -------------------------------------------------------------------------------- /single_machine_cifar/cifar10_estimator/cifar10_main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/single_machine_cifar/cifar10_estimator/cifar10_main.py -------------------------------------------------------------------------------- /single_machine_cifar/cifar10_estimator/cifar10_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/single_machine_cifar/cifar10_estimator/cifar10_model.py -------------------------------------------------------------------------------- /single_machine_cifar/cifar10_estimator/cifar10_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/single_machine_cifar/cifar10_estimator/cifar10_utils.py -------------------------------------------------------------------------------- /single_machine_cifar/cifar10_estimator/cmle_config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/single_machine_cifar/cifar10_estimator/cmle_config.yaml -------------------------------------------------------------------------------- /single_machine_cifar/cifar10_estimator/generate_cifar10_tfrecords.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/single_machine_cifar/cifar10_estimator/generate_cifar10_tfrecords.py -------------------------------------------------------------------------------- /single_machine_cifar/cifar10_estimator/model_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/single_machine_cifar/cifar10_estimator/model_base.py -------------------------------------------------------------------------------- /single_machine_cifar/launch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/single_machine_cifar/launch.py -------------------------------------------------------------------------------- /single_machine_cifar/local-tb.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/single_machine_cifar/local-tb.png -------------------------------------------------------------------------------- /spot_tool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/spot_tool.py -------------------------------------------------------------------------------- /sync.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/sync.py -------------------------------------------------------------------------------- /tensorboard-example/README.md: -------------------------------------------------------------------------------- 1 | Example of TensorBoard logging 2 | -------------------------------------------------------------------------------- /tensorboard-example/launch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tensorboard-example/launch.py -------------------------------------------------------------------------------- /tensorboard-example/pytorch-mnist-example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tensorboard-example/pytorch-mnist-example.py -------------------------------------------------------------------------------- /tensorboard-example/tensorboardx-demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tensorboard-example/tensorboardx-demo.py -------------------------------------------------------------------------------- /terminate: -------------------------------------------------------------------------------- 1 | terminate.py -------------------------------------------------------------------------------- /terminate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/terminate.py -------------------------------------------------------------------------------- /terminate_tmux: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/terminate_tmux -------------------------------------------------------------------------------- /test_aws.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/test_aws.py -------------------------------------------------------------------------------- /tests/attach_volume_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tests/attach_volume_test.py -------------------------------------------------------------------------------- /tests/aws_backend_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tests/aws_backend_test.py -------------------------------------------------------------------------------- /tests/aws_monitoring_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tests/aws_monitoring_test.py -------------------------------------------------------------------------------- /tests/tmux_backend_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tests/tmux_backend_test.py -------------------------------------------------------------------------------- /tf-tools/.gitignore: -------------------------------------------------------------------------------- 1 | __pycache__ 2 | .DS_Store 3 | -------------------------------------------------------------------------------- /tf-tools/benchmark/multi_gpu/advanced_tweaks_compare.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tf-tools/benchmark/multi_gpu/advanced_tweaks_compare.sh -------------------------------------------------------------------------------- /tf-tools/benchmark/multi_gpu/image_classification_bench_tests.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tf-tools/benchmark/multi_gpu/image_classification_bench_tests.sh -------------------------------------------------------------------------------- /tf-tools/benchmark/multi_gpu/stats_monitor.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tf-tools/benchmark/multi_gpu/stats_monitor.sh -------------------------------------------------------------------------------- /tf-tools/benchmark/multi_gpu/test_runner.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tf-tools/benchmark/multi_gpu/test_runner.sh -------------------------------------------------------------------------------- /tf-tools/benchmark/multi_gpu/unit_test_stats_monitor.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tf-tools/benchmark/multi_gpu/unit_test_stats_monitor.sh -------------------------------------------------------------------------------- /tf-tools/benchmark/runner/#cluster_aws.py#: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tf-tools/benchmark/runner/#cluster_aws.py# -------------------------------------------------------------------------------- /tf-tools/benchmark/runner/cluster_aws.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tf-tools/benchmark/runner/cluster_aws.py -------------------------------------------------------------------------------- /tf-tools/benchmark/runner/command_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tf-tools/benchmark/runner/command_builder.py -------------------------------------------------------------------------------- /tf-tools/benchmark/runner/configs/aws/multi_server.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tf-tools/benchmark/runner/configs/aws/multi_server.yaml -------------------------------------------------------------------------------- /tf-tools/benchmark/runner/configs/aws/yaroslav.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tf-tools/benchmark/runner/configs/aws/yaroslav.yaml -------------------------------------------------------------------------------- /tf-tools/benchmark/runner/instance_info.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tf-tools/benchmark/runner/instance_info.py -------------------------------------------------------------------------------- /tf-tools/benchmark/runner/launch_experiment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tf-tools/benchmark/runner/launch_experiment.py -------------------------------------------------------------------------------- /tf-tools/benchmark/runner/test_cluster_aws.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tf-tools/benchmark/runner/test_cluster_aws.py -------------------------------------------------------------------------------- /tf-tools/benchmark/runner/test_command_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tf-tools/benchmark/runner/test_command_builder.py -------------------------------------------------------------------------------- /tf-tools/benchmark/runner/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tf-tools/benchmark/runner/util.py -------------------------------------------------------------------------------- /tf-tools/install/aws_amzlinux.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tf-tools/install/aws_amzlinux.md -------------------------------------------------------------------------------- /tf-tools/install/aws_ubuntu16_04.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tf-tools/install/aws_ubuntu16_04.md -------------------------------------------------------------------------------- /tf_numpy_benchmark/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tf_numpy_benchmark/README.md -------------------------------------------------------------------------------- /tf_numpy_benchmark/launch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tf_numpy_benchmark/launch.py -------------------------------------------------------------------------------- /tf_numpy_benchmark/tf_numpy_benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tf_numpy_benchmark/tf_numpy_benchmark.py -------------------------------------------------------------------------------- /tiny_cifar/cifar10_estimator/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tiny_cifar/cifar10_estimator/README.md -------------------------------------------------------------------------------- /tiny_cifar/cifar10_estimator/README.md.fileloc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tiny_cifar/cifar10_estimator/README.md.fileloc -------------------------------------------------------------------------------- /tiny_cifar/cifar10_estimator/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tiny_cifar/cifar10_estimator/cifar10.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tiny_cifar/cifar10_estimator/cifar10.py -------------------------------------------------------------------------------- /tiny_cifar/cifar10_estimator/cifar10_main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tiny_cifar/cifar10_estimator/cifar10_main.py -------------------------------------------------------------------------------- /tiny_cifar/cifar10_estimator/cifar10_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tiny_cifar/cifar10_estimator/cifar10_model.py -------------------------------------------------------------------------------- /tiny_cifar/cifar10_estimator/cifar10_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tiny_cifar/cifar10_estimator/cifar10_utils.py -------------------------------------------------------------------------------- /tiny_cifar/cifar10_estimator/cmle_config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tiny_cifar/cifar10_estimator/cmle_config.yaml -------------------------------------------------------------------------------- /tiny_cifar/cifar10_estimator/eval.tfrecords: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tiny_cifar/cifar10_estimator/eval.tfrecords -------------------------------------------------------------------------------- /tiny_cifar/cifar10_estimator/generate_cifar10_tfrecords.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tiny_cifar/cifar10_estimator/generate_cifar10_tfrecords.py -------------------------------------------------------------------------------- /tiny_cifar/cifar10_estimator/model_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tiny_cifar/cifar10_estimator/model_base.py -------------------------------------------------------------------------------- /tiny_cifar/cifar10_estimator/train.tfrecords: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tiny_cifar/cifar10_estimator/train.tfrecords -------------------------------------------------------------------------------- /tiny_cifar/cifar10_estimator/validation.tfrecords: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tiny_cifar/cifar10_estimator/validation.tfrecords -------------------------------------------------------------------------------- /tmux.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tmux.py -------------------------------------------------------------------------------- /tmux_backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tmux_backend.py -------------------------------------------------------------------------------- /tsv_tensorpack_extract.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/tsv_tensorpack_extract.py -------------------------------------------------------------------------------- /uninitialize: -------------------------------------------------------------------------------- 1 | uninitialize.py -------------------------------------------------------------------------------- /uninitialize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/uninitialize.py -------------------------------------------------------------------------------- /util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/util.py -------------------------------------------------------------------------------- /vpc_tool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/vpc_tool.py -------------------------------------------------------------------------------- /yuxin_numpy/README.md: -------------------------------------------------------------------------------- 1 | Experiments on numpy interface to tensorpack 2 | -------------------------------------------------------------------------------- /yuxin_numpy/align_feed_bug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/yuxin_numpy/align_feed_bug.py -------------------------------------------------------------------------------- /yuxin_numpy/allocation_bug_report.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/yuxin_numpy/allocation_bug_report.py -------------------------------------------------------------------------------- /yuxin_numpy/cpu-profile.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/yuxin_numpy/cpu-profile.svg -------------------------------------------------------------------------------- /yuxin_numpy/cpu_vs_gpu_var_benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/yuxin_numpy/cpu_vs_gpu_var_benchmark.py -------------------------------------------------------------------------------- /yuxin_numpy/d2h_benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/yuxin_numpy/d2h_benchmark.py -------------------------------------------------------------------------------- /yuxin_numpy/d2h_benchmark_pycuda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/yuxin_numpy/d2h_benchmark_pycuda.py -------------------------------------------------------------------------------- /yuxin_numpy/extract_stat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/yuxin_numpy/extract_stat.py -------------------------------------------------------------------------------- /yuxin_numpy/fetch_variable_benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/yuxin_numpy/fetch_variable_benchmark.py -------------------------------------------------------------------------------- /yuxin_numpy/get_cores_per_socket.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/yuxin_numpy/get_cores_per_socket.py -------------------------------------------------------------------------------- /yuxin_numpy/gpu-profile.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/yuxin_numpy/gpu-profile.svg -------------------------------------------------------------------------------- /yuxin_numpy/imagenet_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/yuxin_numpy/imagenet_utils.py -------------------------------------------------------------------------------- /yuxin_numpy/launch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/yuxin_numpy/launch.py -------------------------------------------------------------------------------- /yuxin_numpy/mnist-convnet-prenumpy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/yuxin_numpy/mnist-convnet-prenumpy.py -------------------------------------------------------------------------------- /yuxin_numpy/mnist-convnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/yuxin_numpy/mnist-convnet.py -------------------------------------------------------------------------------- /yuxin_numpy/numpy_add_benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/yuxin_numpy/numpy_add_benchmark.py -------------------------------------------------------------------------------- /yuxin_numpy/pytorch_modify_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/yuxin_numpy/pytorch_modify_test.py -------------------------------------------------------------------------------- /yuxin_numpy/pytorch_slow_numpy_bug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/yuxin_numpy/pytorch_slow_numpy_bug.py -------------------------------------------------------------------------------- /yuxin_numpy/ray_ps_benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/yuxin_numpy/ray_ps_benchmark.py -------------------------------------------------------------------------------- /yuxin_numpy/ray_ps_benchmark2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/yuxin_numpy/ray_ps_benchmark2.py -------------------------------------------------------------------------------- /yuxin_numpy/resnet-cpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/yuxin_numpy/resnet-cpu.py -------------------------------------------------------------------------------- /yuxin_numpy/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/yuxin_numpy/resnet.py -------------------------------------------------------------------------------- /yuxin_numpy/resnet_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/yuxin_numpy/resnet_model.py -------------------------------------------------------------------------------- /yuxin_numpy/resnet_numpy_concat_ray_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/yuxin_numpy/resnet_numpy_concat_ray_test.py -------------------------------------------------------------------------------- /yuxin_numpy/resnet_numpy_concat_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/yuxin_numpy/resnet_numpy_concat_test.py -------------------------------------------------------------------------------- /yuxin_numpy/resnet_numpy_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/yuxin_numpy/resnet_numpy_test.py -------------------------------------------------------------------------------- /yuxin_numpy/resnet_ray_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/yuxin_numpy/resnet_ray_test.py -------------------------------------------------------------------------------- /yuxin_numpy/resnet_synthetic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/yuxin_numpy/resnet_synthetic.py -------------------------------------------------------------------------------- /yuxin_numpy/resnet_synthetic_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/yuxin_numpy/resnet_synthetic_test.py -------------------------------------------------------------------------------- /yuxin_numpy/simple_minimize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/yuxin_numpy/simple_minimize.py -------------------------------------------------------------------------------- /yuxin_numpy/square_minimize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/yuxin_numpy/square_minimize.py -------------------------------------------------------------------------------- /yuxin_numpy/square_minimize_cpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/yuxin_numpy/square_minimize_cpu.py -------------------------------------------------------------------------------- /yuxin_numpy/square_minimize_cpu_pipeline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/yuxin_numpy/square_minimize_cpu_pipeline.py -------------------------------------------------------------------------------- /yuxin_numpy/tf_feed_fetch_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/yuxin_numpy/tf_feed_fetch_test.py -------------------------------------------------------------------------------- /yuxin_numpy/tf_numpy_benchmark.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/yuxin_numpy/tf_numpy_benchmark.py -------------------------------------------------------------------------------- /yuxin_numpy/variable_fetch_bug_report.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/diux-dev/cluster/HEAD/yuxin_numpy/variable_fetch_bug_report.py --------------------------------------------------------------------------------