diff --git a/README.md b/README.md index 34dbb7366..ff9c4555e 100644 --- a/README.md +++ b/README.md @@ -202,7 +202,6 @@ Please note we are not currently accepting pull requests or issues on this repos The [utils/](utils) folder contains utilities libraries and scripts that are used across the other code examples. This includes: * [utils/examples_tests](utils/examples_tests) - Common Python helper functions for the repository's unit tests -* [utils/benchmarks](utils/benchmarks) - Common Python helper functions for running benchmarks on the IPU in different frameworks
diff --git a/gnn/cluster_gcn/tensorflow2/benchmarks.yml b/gnn/cluster_gcn/tensorflow2/benchmarks.yml index 794f5e195..3aa93e73b 100644 --- a/gnn/cluster_gcn/tensorflow2/benchmarks.yml +++ b/gnn/cluster_gcn/tensorflow2/benchmarks.yml @@ -1,7 +1,6 @@ --- # --- Train Cluster-GCN model --- train_options: &train_options - location: public_examples/gnn/cluster_gcn/tensorflow2/ data: throughput: regexp: 'Mean throughput over real nodes \(no padding\) for training:\s*([\d\.]+)' diff --git a/gnn/cluster_gcn/tensorflow2/requirements.txt b/gnn/cluster_gcn/tensorflow2/requirements.txt index 0916752ba..4ba5b26b0 100644 --- a/gnn/cluster_gcn/tensorflow2/requirements.txt +++ b/gnn/cluster_gcn/tensorflow2/requirements.txt @@ -15,4 +15,4 @@ scikit-learn==0.24.2 tensorflow-addons==0.14.0 trainlog==0.2 wandb==0.12.8 -git+https://github.com/graphcore/examples-utils@6d3b8367d5c6d2cda5a0e7849138d0ee8a8c6756#egg=examples-utils +git+https://github.com/graphcore/examples-utils@e60289e0744c061dcfb060131cd3fbd7ad2840e0#egg=examples-utils diff --git a/gnn/message_passing/tensorflow2/benchmarks.yml b/gnn/message_passing/tensorflow2/benchmarks.yml index 6dfaeb8d4..59c052b2b 100644 --- a/gnn/message_passing/tensorflow2/benchmarks.yml +++ b/gnn/message_passing/tensorflow2/benchmarks.yml @@ -2,7 +2,6 @@ # --- Benchmark Message Passing Neural Network model --- train_options: &train_options - location: public_examples/gnn/message_passing/tensorflow2/ env: TF_POPLAR_FLAGS: '--executable_cache_path=./tf_cache/' data: diff --git a/gnn/message_passing/tensorflow2/requirements.txt b/gnn/message_passing/tensorflow2/requirements.txt index 95b06ec4d..4e781b724 100644 --- a/gnn/message_passing/tensorflow2/requirements.txt +++ b/gnn/message_passing/tensorflow2/requirements.txt @@ -8,4 +8,4 @@ pytest-pythonpath==0.7.4 pytest-xdist==2.5.0 regex==2022.4.24 wandb==0.12.8 -git+https://github.com/graphcore/examples-utils@6d3b8367d5c6d2cda5a0e7849138d0ee8a8c6756#egg=examples-utils +git+https://github.com/graphcore/examples-utils@e60289e0744c061dcfb060131cd3fbd7ad2840e0#egg=examples-utils diff --git a/gnn/tgn/tensorflow1/benchmarks.yml b/gnn/tgn/tensorflow1/benchmarks.yml index f6d8f1b08..8366f9557 100644 --- a/gnn/tgn/tensorflow1/benchmarks.yml +++ b/gnn/tgn/tensorflow1/benchmarks.yml @@ -1,6 +1,5 @@ --- common_options: &common_options - location: public_examples/gnn/tgn/tensorflow1/ data: throughput: regexp: 'throughput: *(.*?),' diff --git a/gnn/tgn/tensorflow1/requirements.txt b/gnn/tgn/tensorflow1/requirements.txt index 5b0090e70..ba10e168b 100644 --- a/gnn/tgn/tensorflow1/requirements.txt +++ b/gnn/tgn/tensorflow1/requirements.txt @@ -9,4 +9,4 @@ torch-scatter==2.0.6 torch-sparse==0.6.9 tqdm==4.60.0 types-dataclasses==0.6.1 -git+https://github.com/graphcore/examples-utils@6d3b8367d5c6d2cda5a0e7849138d0ee8a8c6756#egg=examples-utils +git+https://github.com/graphcore/examples-utils@e60289e0744c061dcfb060131cd3fbd7ad2840e0#egg=examples-utils diff --git a/miscellaneous/sales_forecasting/tensorflow1/benchmarks.yml b/miscellaneous/sales_forecasting/tensorflow1/benchmarks.yml index 602de3fc9..fa9713820 100644 --- a/miscellaneous/sales_forecasting/tensorflow1/benchmarks.yml +++ b/miscellaneous/sales_forecasting/tensorflow1/benchmarks.yml @@ -13,8 +13,6 @@ tf1_sales_forecasting_train_real_2ipu: --base-learning-rate=-16 --weight-decay=0.0001 --no-lr-warmup - location: - public_examples/miscellaneous/sales_forecasting/tensorflow1 data: throughput: regexp: "Training:.*, *samples/sec: (.*), *time" @@ -36,8 +34,6 @@ tf1_sales_forecasting_no_validation_train_real_2ipu: --base-learning-rate=-16 --weight-decay=0.0001 --no-lr-warmup - location: - public_examples/miscellaneous/sales_forecasting/tensorflow1 data: throughput: regexp: "Training:.*, *samples/sec: (.*), *time" diff --git a/miscellaneous/sales_forecasting/tensorflow1/requirements.txt b/miscellaneous/sales_forecasting/tensorflow1/requirements.txt index f61a6bf8b..b9deb8a06 100644 --- a/miscellaneous/sales_forecasting/tensorflow1/requirements.txt +++ b/miscellaneous/sales_forecasting/tensorflow1/requirements.txt @@ -1,3 +1,3 @@ pytest==6.2.5 pandas==1.1.4 -git+https://github.com/graphcore/examples-utils@6d3b8367d5c6d2cda5a0e7849138d0ee8a8c6756#egg=examples-utils +git+https://github.com/graphcore/examples-utils@e60289e0744c061dcfb060131cd3fbd7ad2840e0#egg=examples-utils diff --git a/multimodal/CLIP/pytorch/benchmarks.yml b/multimodal/CLIP/pytorch/benchmarks.yml index 6fd7aa4bf..4c4e57e1a 100644 --- a/multimodal/CLIP/pytorch/benchmarks.yml +++ b/multimodal/CLIP/pytorch/benchmarks.yml @@ -1,5 +1,4 @@ common_options: &common_options - location: public_examples/multimodal/CLIP/pytorch/ data: throughput: reduction_type: "mean" diff --git a/multimodal/CLIP/pytorch/requirements.txt b/multimodal/CLIP/pytorch/requirements.txt index 91a7f5003..c8dd43911 100644 --- a/multimodal/CLIP/pytorch/requirements.txt +++ b/multimodal/CLIP/pytorch/requirements.txt @@ -5,4 +5,4 @@ transformers==4.10.0 ftfy==6.0.3 torchvision==0.11.1 pytest==6.2.5 -git+https://github.com/graphcore/examples-utils@6d3b8367d5c6d2cda5a0e7849138d0ee8a8c6756#egg=examples-utils +git+https://github.com/graphcore/examples-utils@e60289e0744c061dcfb060131cd3fbd7ad2840e0#egg=examples-utils diff --git a/multimodal/mini_dalle/pytorch/benchmarks.yml b/multimodal/mini_dalle/pytorch/benchmarks.yml index 51b16953b..fe13dc823 100644 --- a/multimodal/mini_dalle/pytorch/benchmarks.yml +++ b/multimodal/mini_dalle/pytorch/benchmarks.yml @@ -1,7 +1,5 @@ --- common_options: &common_options - location: - public_examples/multimodal/mini_dalle/pytorch/ data: throughput: reduction_type: "final" diff --git a/multimodal/mini_dalle/pytorch/requirements.txt b/multimodal/mini_dalle/pytorch/requirements.txt index 9a3c5fe4d..210000e76 100644 --- a/multimodal/mini_dalle/pytorch/requirements.txt +++ b/multimodal/mini_dalle/pytorch/requirements.txt @@ -13,4 +13,4 @@ pytest==6.2.5 pytest-pythonpath==0.7.4 torchvision==0.11.1+cpu horovod==0.24.3 -git+https://github.com/graphcore/examples-utils@6d3b8367d5c6d2cda5a0e7849138d0ee8a8c6756#egg=examples-utils +git+https://github.com/graphcore/examples-utils@e60289e0744c061dcfb060131cd3fbd7ad2840e0#egg=examples-utils diff --git a/nlp/bert/popart/benchmarks.yml b/nlp/bert/popart/benchmarks.yml index 2ff470deb..0bae24e49 100644 --- a/nlp/bert/popart/benchmarks.yml +++ b/nlp/bert/popart/benchmarks.yml @@ -1,7 +1,6 @@ --- # --- Pretraining --- pretrain_options: &pretrain_options - location: public_examples/nlp/bert/popart/ data: throughput: regexp: 'Throughput\:\s*(.*) sequences/s' @@ -229,7 +228,6 @@ popart_bert_large_sl512_pretrain_real_pod64_conv: # --- SQuAD --- squad_options: &squad_options - location: public_examples/nlp/bert/popart/ data: throughput: regexp: 'Throughput\:\s*(.*) sequences/s' @@ -336,7 +334,6 @@ popart_bert_squad_large_infer_gen_pod4: --input-files=$DATASETS_DIR/squad/dev-v1.1.json --minimum-latency-inference --buffering-depth 1 - location: public_examples/nlp/bert/popart/ env: POPLAR_ENGINE_OPTIONS: '{"exchange.enablePrefetch": false}' data: @@ -386,7 +383,6 @@ squad_base_128_4_ipu_inference_opts: &squad_base_128_4_ipu_inference_opts description: | BERT-B 128 (SQuAD) inference benchmark on 4 IPUs using data generated on the host - location: public_examples/nlp/bert/popart/ data: throughput: regexp: 'Throughput\:\s*(.*) sequences/s' diff --git a/nlp/bert/popart/requirements.txt b/nlp/bert/popart/requirements.txt index 815a8ed4c..1b7ada57c 100644 --- a/nlp/bert/popart/requirements.txt +++ b/nlp/bert/popart/requirements.txt @@ -16,6 +16,6 @@ pyyaml==5.4.1 wandb==0.12.8 filelock==3.0.12 numba==0.53.1 -git+https://github.com/graphcore/examples-utils@6d3b8367d5c6d2cda5a0e7849138d0ee8a8c6756#egg=examples-utils +git+https://github.com/graphcore/examples-utils@e60289e0744c061dcfb060131cd3fbd7ad2840e0#egg=examples-utils diff --git a/nlp/bert/popxl/benchmarks.yml b/nlp/bert/popxl/benchmarks.yml index 9618f7395..6a968ef71 100644 --- a/nlp/bert/popxl/benchmarks.yml +++ b/nlp/bert/popxl/benchmarks.yml @@ -1,7 +1,6 @@ --- # --- Pretraining --- pretrain_options: &pretrain_options - location: public_examples/nlp/bert/popxl/ data: throughput: regexp: 'Throughput\:\s*(.*) samples/s' diff --git a/nlp/bert/popxl/requirements.txt b/nlp/bert/popxl/requirements.txt index 789d75771..8abb9aefa 100644 --- a/nlp/bert/popxl/requirements.txt +++ b/nlp/bert/popxl/requirements.txt @@ -13,5 +13,5 @@ wandb==0.12.8 pytest pytest-pythonpath -git+https://github.com/graphcore/examples-utils@6d3b8367d5c6d2cda5a0e7849138d0ee8a8c6756#egg=examples-utils +git+https://github.com/graphcore/examples-utils@e60289e0744c061dcfb060131cd3fbd7ad2840e0#egg=examples-utils git+ssh://git@phabricator.sourcevertex.net/diffusion/POPXLADDONSINTERNAL/popxladdonsinternal.git@sdk-release-2.6#egg=popxl-addons diff --git a/nlp/bert/pytorch/benchmarks.yml b/nlp/bert/pytorch/benchmarks.yml index 368095321..664a65dd2 100644 --- a/nlp/bert/pytorch/benchmarks.yml +++ b/nlp/bert/pytorch/benchmarks.yml @@ -1,7 +1,6 @@ --- # --- Pretraining --- pretrain_options: &pretrain_options - location: public_examples/nlp/bert/pytorch/ data: throughput: regexp: \s([\d\.]+|nan)\ssequences @@ -232,8 +231,7 @@ pytorch_bert_large_packed_sl384_pretrain_real_pod64_conv: # --- SQuAD --- squad_options: &squad_options - location: public_examples/nlp/bert/pytorch/ - data: + data: throughput: regexp: "throughput=(.*) samples/s" loss: @@ -294,8 +292,7 @@ pytorch_bert_squad_large_pretrain_real_pod64_conv: pytorch_bert_squad_large_infer_gen_pod16: description: | BERT Large SQuAD in inference. - location: public_examples/nlp/bert/pytorch/ - data: + data: throughput: regexp: throughput=(.*) samples/s output: diff --git a/nlp/bert/pytorch/requirements.txt b/nlp/bert/pytorch/requirements.txt index 6e740f592..31aca0142 100644 --- a/nlp/bert/pytorch/requirements.txt +++ b/nlp/bert/pytorch/requirements.txt @@ -11,4 +11,4 @@ tfrecord==1.14.1 filelock==3.4.1 mpi4py==3.1.3 horovod==0.24.0 -git+https://github.com/graphcore/examples-utils@6d3b8367d5c6d2cda5a0e7849138d0ee8a8c6756#egg=examples-utils +git+https://github.com/graphcore/examples-utils@e60289e0744c061dcfb060131cd3fbd7ad2840e0#egg=examples-utils diff --git a/nlp/bert/tensorflow1/benchmarks.yml b/nlp/bert/tensorflow1/benchmarks.yml index d5bfb6812..d628a8266 100644 --- a/nlp/bert/tensorflow1/benchmarks.yml +++ b/nlp/bert/tensorflow1/benchmarks.yml @@ -1,7 +1,6 @@ --- # --- Pretraining --- pretrain_options: &pretrain_options - location: public_examples/nlp/bert/tensorflow1/ data: throughput: regexp: 'samples\/sec: *(.*?),' @@ -205,8 +204,6 @@ tf1_groupbert_base_sl384_pretrain_real_pod64_conv: # --- SQuAD training --- squad_options: &squad_options - location: - public_examples/nlp/bert/tensorflow1/ data: throughput: regexp: 'throughput\s+(\S+)\s+' @@ -269,9 +266,6 @@ tf1_bert_squad_large_train_real_pod16_conv: --vocab-file $DATASETS_DIR/ckpts/uncased_L-24_H-1024_A-16/vocab.txt --predict-file $DATASETS_DIR/squad/dev-v1.1.json --wandb - - location: - public_examples/nlp/bert/tensorflow1/ data: throughput: regexp: 'throughput\s+(\S+)\s+' @@ -281,8 +275,6 @@ tf1_bert_squad_large_train_real_pod16_conv: # --- GLUE training --- glue_options: &glue_options - location: - public_examples/nlp/bert/tensorflow1/ data: throughput: regexp: 'throughput\s+(\S+)\s+' @@ -333,8 +325,6 @@ tf1_bert_squad_large_infer_gen_2ipu: --embedded-runtime --micro-batch-size 1 --num-iter 10000 - location: - public_examples/nlp/bert/tensorflow1/ env: TF_POPLAR_FLAGS: "" data: @@ -374,8 +364,6 @@ tf1_bert_squad_large_infer_gen_4ipu: --embedded-runtime --micro-batch-size 1 --num-iter 10000 - location: - public_examples/nlp/bert/tensorflow1/ env: TF_POPLAR_FLAGS: "" data: diff --git a/nlp/bert/tensorflow1/requirements.txt b/nlp/bert/tensorflow1/requirements.txt index 6c63cf11a..12963363d 100644 --- a/nlp/bert/tensorflow1/requirements.txt +++ b/nlp/bert/tensorflow1/requirements.txt @@ -7,5 +7,5 @@ onnx==1.8.1 pytest==6.2.5 pytest-pythonpath==0.7.4 scipy==1.5.4 -git+https://github.com/graphcore/examples-utils@6d3b8367d5c6d2cda5a0e7849138d0ee8a8c6756#egg=examples-utils +git+https://github.com/graphcore/examples-utils@e60289e0744c061dcfb060131cd3fbd7ad2840e0#egg=examples-utils diff --git a/nlp/bert/tensorflow2/benchmarks.yml b/nlp/bert/tensorflow2/benchmarks.yml index 8de772643..bf599494e 100644 --- a/nlp/bert/tensorflow2/benchmarks.yml +++ b/nlp/bert/tensorflow2/benchmarks.yml @@ -1,7 +1,6 @@ --- # --- Pretraining --- pretrain_options: &pretrain_options - location: public_examples/nlp/bert/tensorflow2/ env: TF_POPLAR_FLAGS: '--executable_cache_path=./tf_cache/' data: @@ -70,7 +69,6 @@ tf2_bert_large_sl384_pretrain_real_pod64_conv: # --- SQuAD training --- squad_options: &squad_options - location: public_examples/nlp/bert/tensorflow2/ data: throughput: regexp: 'throughput:\s*([\d\.]+)' @@ -111,7 +109,6 @@ tf2_bert_squad_large_train_real_pod16_conv: # --- GLUE training --- glue_options: &glue_options - location: public_examples/nlp/bert/tensorflow2/ data: throughput: regexp: 'throughput:\s*([\d\.]+)' diff --git a/nlp/bert/tensorflow2/requirements.txt b/nlp/bert/tensorflow2/requirements.txt index cbfb85988..82a00f091 100644 --- a/nlp/bert/tensorflow2/requirements.txt +++ b/nlp/bert/tensorflow2/requirements.txt @@ -10,5 +10,5 @@ tensorflow-addons==0.14.0 tensorflow-datasets==4.4.0 torch==1.9.0 git+https://github.com/graphcore/transformers-fork@v4.18-gc#egg=transformers # Fork of transformers to support KerasTensor from the Keras package with Python 3.6. -git+https://github.com/graphcore/examples-utils@6d3b8367d5c6d2cda5a0e7849138d0ee8a8c6756#egg=examples-utils +git+https://github.com/graphcore/examples-utils@e60289e0744c061dcfb060131cd3fbd7ad2840e0#egg=examples-utils wandb==0.12.8 diff --git a/nlp/gpt/pytorch/benchmarks.yml b/nlp/gpt/pytorch/benchmarks.yml index 6276fd53b..5756d929c 100644 --- a/nlp/gpt/pytorch/benchmarks.yml +++ b/nlp/gpt/pytorch/benchmarks.yml @@ -1,6 +1,5 @@ --- train_options: &train_options - location: public_examples/nlp/gpt/pytorch/ data: throughput: reduction_type: "final" @@ -220,7 +219,6 @@ pytorch_gpt2_large_train_gen_pod16: --epochs 1 inference_options: &inference_options - location: public_examples/nlp/gpt/pytorch/ data: throughput: reduction_type: "final" diff --git a/nlp/gpt/pytorch/requirements.txt b/nlp/gpt/pytorch/requirements.txt index 247e5434a..3a94ce9b9 100644 --- a/nlp/gpt/pytorch/requirements.txt +++ b/nlp/gpt/pytorch/requirements.txt @@ -7,5 +7,5 @@ tfrecord>=1.13 pytest==6.2.5 pytest-pythonpath>=0.7.3 horovod>=0.24.0 --no-binary=horovod -git+https://github.com/graphcore/examples-utils@6d3b8367d5c6d2cda5a0e7849138d0ee8a8c6756#egg=examples-utils +git+https://github.com/graphcore/examples-utils@e60289e0744c061dcfb060131cd3fbd7ad2840e0#egg=examples-utils tqdm>=4.63.1 diff --git a/probability/contrastive_divergence_vae/tensorflow1/benchmarks.yml b/probability/contrastive_divergence_vae/tensorflow1/benchmarks.yml index 8f90e3113..61f0f84a6 100644 --- a/probability/contrastive_divergence_vae/tensorflow1/benchmarks.yml +++ b/probability/contrastive_divergence_vae/tensorflow1/benchmarks.yml @@ -5,7 +5,6 @@ tf1_mcmc_vae_synth_pod4: cmd: python3 main.py --config-file=configs/benchmark_config.json --no-testing -b 3072 - location: public_examples/probability/contrastive_divergence_vae/tensorflow1 data: time_per_iters: regexp: '\|\sTime\staken:\s*(.*?)(?:\n|$)' diff --git a/probability/contrastive_divergence_vae/tensorflow1/requirements.txt b/probability/contrastive_divergence_vae/tensorflow1/requirements.txt index 83faf76b8..3e76f130a 100644 --- a/probability/contrastive_divergence_vae/tensorflow1/requirements.txt +++ b/probability/contrastive_divergence_vae/tensorflow1/requirements.txt @@ -20,7 +20,7 @@ statsmodels==0.12.1 tensorflow-probability==0.7.0 tqdm==4.64.0 urllib3==1.26.6 -git+https://github.com/graphcore/examples-utils@6d3b8367d5c6d2cda5a0e7849138d0ee8a8c6756#egg=examples-utils +git+https://github.com/graphcore/examples-utils@e60289e0744c061dcfb060131cd3fbd7ad2840e0#egg=examples-utils # For machinable pendulum==2.1.2 diff --git a/probability/mcmc/tensorflow1/benchmarks.yml b/probability/mcmc/tensorflow1/benchmarks.yml index 851259445..aa86deea4 100644 --- a/probability/mcmc/tensorflow1/benchmarks.yml +++ b/probability/mcmc/tensorflow1/benchmarks.yml @@ -2,8 +2,6 @@ tf1_mcmc_train_real_pod4: description: Training for a MCMC model with TensorFlow Probability - location: - public_examples/probability/mcmc/tensorflow1 cmd: python3 mcmc_tfp.py --num_ipus=4 --dataset_dir $DATASETS_DIR/mcmc/ data: diff --git a/probability/mcmc/tensorflow1/requirements.txt b/probability/mcmc/tensorflow1/requirements.txt index 9aa1a2346..6ebe20dc3 100644 --- a/probability/mcmc/tensorflow1/requirements.txt +++ b/probability/mcmc/tensorflow1/requirements.txt @@ -1,4 +1,4 @@ tensorflow-probability==0.8 pytest==6.2.5 pytest-pythonpath==0.7.3 -git+https://github.com/graphcore/examples-utils@6d3b8367d5c6d2cda5a0e7849138d0ee8a8c6756#egg=examples-utils +git+https://github.com/graphcore/examples-utils@e60289e0744c061dcfb060131cd3fbd7ad2840e0#egg=examples-utils diff --git a/recommendation/autoencoder/tensorflow1/benchmarks.yml b/recommendation/autoencoder/tensorflow1/benchmarks.yml index 3e064423d..facae24ca 100644 --- a/recommendation/autoencoder/tensorflow1/benchmarks.yml +++ b/recommendation/autoencoder/tensorflow1/benchmarks.yml @@ -5,7 +5,6 @@ tf1_autoencoder_train_gen_2ipu: cmd: python3 autoencoder_benchmark.py --size 128 --num-ipus 2 --base-learning-rates 16..17 --epochs 10 - location: public_examples/recommendation/autoencoder/tensorflow1 data: throughput: regexp: diff --git a/recommendation/autoencoder/tensorflow1/requirements.txt b/recommendation/autoencoder/tensorflow1/requirements.txt index 06fb63652..120bd202c 100644 --- a/recommendation/autoencoder/tensorflow1/requirements.txt +++ b/recommendation/autoencoder/tensorflow1/requirements.txt @@ -1,3 +1,3 @@ pytest==6.2.5 pytest-pythonpath==0.7.4 -git+https://github.com/graphcore/examples-utils@6d3b8367d5c6d2cda5a0e7849138d0ee8a8c6756#egg=examples-utils +git+https://github.com/graphcore/examples-utils@e60289e0744c061dcfb060131cd3fbd7ad2840e0#egg=examples-utils diff --git a/recommendation/click_through_rate/tensorflow1/benchmarks.yml b/recommendation/click_through_rate/tensorflow1/benchmarks.yml index 74b657643..ef5216c39 100644 --- a/recommendation/click_through_rate/tensorflow1/benchmarks.yml +++ b/recommendation/click_through_rate/tensorflow1/benchmarks.yml @@ -4,8 +4,6 @@ tf1_din_train_synth_1ipu: Training for a DIN model on MK2 cmd: python3 din_train.py --use-synthetic-data True - location: - public_examples/recommendation/click_through_rate/tensorflow1/din/ data: throughput: regexp: 'sample\/sec: *(.*?),' @@ -18,8 +16,6 @@ tf1_din_infer_synth_1ipu: Inference for a DIN model on MK2 cmd: python3 din_infer.py --use-synthetic-data True - location: - public_examples/recommendation/click_through_rate/tensorflow1/din/ data: throughput: regexp: 'throughput: *(.*?),' diff --git a/recommendation/click_through_rate/tensorflow1/requirements.txt b/recommendation/click_through_rate/tensorflow1/requirements.txt index beab92ba2..b7385a7ef 100644 --- a/recommendation/click_through_rate/tensorflow1/requirements.txt +++ b/recommendation/click_through_rate/tensorflow1/requirements.txt @@ -4,4 +4,4 @@ pytest==6.2.5 pytest-forked==1.3.0 pytest-pythonpath==0.7.4 pytest-xdist==2.1.0 -git+https://github.com/graphcore/examples-utils@6d3b8367d5c6d2cda5a0e7849138d0ee8a8c6756#egg=examples-utils +git+https://github.com/graphcore/examples-utils@e60289e0744c061dcfb060131cd3fbd7ad2840e0#egg=examples-utils diff --git a/reinforcement_learning/rl_policy_model/tensorflow1/benchmarks.yml b/reinforcement_learning/rl_policy_model/tensorflow1/benchmarks.yml index 3b537c454..9718ad84e 100644 --- a/reinforcement_learning/rl_policy_model/tensorflow1/benchmarks.yml +++ b/reinforcement_learning/rl_policy_model/tensorflow1/benchmarks.yml @@ -6,7 +6,6 @@ tf1_reinforcement_learning_infer_synth_1ipu: cmd: >- python3 rl_benchmark.py --num_iter 20 --micro_batch_size=16 --time_steps=16 --num_ipus=1 - location: public_examples/reinforcement_learning/rl_policy_model/tensorflow1 data: throughput: regexp: 'Average *(.*) items/sec' diff --git a/reinforcement_learning/rl_policy_model/tensorflow1/requirements.txt b/reinforcement_learning/rl_policy_model/tensorflow1/requirements.txt index 06fb63652..120bd202c 100644 --- a/reinforcement_learning/rl_policy_model/tensorflow1/requirements.txt +++ b/reinforcement_learning/rl_policy_model/tensorflow1/requirements.txt @@ -1,3 +1,3 @@ pytest==6.2.5 pytest-pythonpath==0.7.4 -git+https://github.com/graphcore/examples-utils@6d3b8367d5c6d2cda5a0e7849138d0ee8a8c6756#egg=examples-utils +git+https://github.com/graphcore/examples-utils@e60289e0744c061dcfb060131cd3fbd7ad2840e0#egg=examples-utils diff --git a/sparsity/dynamic_sparsity/tensorflow1/requirements.txt b/sparsity/dynamic_sparsity/tensorflow1/requirements.txt index a31762f0e..7135c58ee 100644 --- a/sparsity/dynamic_sparsity/tensorflow1/requirements.txt +++ b/sparsity/dynamic_sparsity/tensorflow1/requirements.txt @@ -9,4 +9,4 @@ scipy==1.5.4 jax==0.2.17 jaxlib==0.1.69 wandb==0.12.8 -git+https://github.com/graphcore/examples-utils@6d3b8367d5c6d2cda5a0e7849138d0ee8a8c6756#egg=examples-utils +git+https://github.com/graphcore/examples-utils@e60289e0744c061dcfb060131cd3fbd7ad2840e0#egg=examples-utils diff --git a/speech/conformer/popart/requirements.txt b/speech/conformer/popart/requirements.txt index 9b93c6905..97ec09bd1 100644 --- a/speech/conformer/popart/requirements.txt +++ b/speech/conformer/popart/requirements.txt @@ -9,4 +9,4 @@ pytest==6.2.5 pytest-pythonpath==0.7.4 torch==1.10.0+cpu torchaudio==0.10.0+cpu -git+https://github.com/graphcore/examples-utils@6d3b8367d5c6d2cda5a0e7849138d0ee8a8c6756#egg=examples-utils +git+https://github.com/graphcore/examples-utils@e60289e0744c061dcfb060131cd3fbd7ad2840e0#egg=examples-utils diff --git a/speech/deepvoice3/popart/benchmarks.yml b/speech/deepvoice3/popart/benchmarks.yml index 2931a282c..97b8bbe40 100644 --- a/speech/deepvoice3/popart/benchmarks.yml +++ b/speech/deepvoice3/popart/benchmarks.yml @@ -6,7 +6,6 @@ common_options: &common_options skip: 1 output: - [queries/s, 'throughput'] - location: public_examples/speech/deepvoice3/popart #takes approximately 45 minutes to compile and run on an M2000 popart_deepvoice_train_gen_pod4: diff --git a/speech/deepvoice3/popart/requirements.txt b/speech/deepvoice3/popart/requirements.txt index 6b9369d07..42c3dca18 100644 --- a/speech/deepvoice3/popart/requirements.txt +++ b/speech/deepvoice3/popart/requirements.txt @@ -10,4 +10,4 @@ tqdm==4.46.1 six==1.15.0 pytest==6.2.5 pytest-pythonpath==0.7.4 -git+https://github.com/graphcore/examples-utils@6d3b8367d5c6d2cda5a0e7849138d0ee8a8c6756#egg=examples-utils +git+https://github.com/graphcore/examples-utils@e60289e0744c061dcfb060131cd3fbd7ad2840e0#egg=examples-utils diff --git a/speech/fastpitch/pytorch/benchmarks.yml b/speech/fastpitch/pytorch/benchmarks.yml index 20a66c1d3..e6c0ce698 100644 --- a/speech/fastpitch/pytorch/benchmarks.yml +++ b/speech/fastpitch/pytorch/benchmarks.yml @@ -1,6 +1,5 @@ --- common_options: &common_options - location: public_examples/speech/fastpitch/pytorch/ data: throughput: skip: 1 diff --git a/speech/fastpitch/pytorch/requirements.txt b/speech/fastpitch/pytorch/requirements.txt index 6110af4ec..5437da275 100644 --- a/speech/fastpitch/pytorch/requirements.txt +++ b/speech/fastpitch/pytorch/requirements.txt @@ -12,4 +12,4 @@ setuptools==59.5.0 protobuf==3.19.4 wandb==0.12.8 git+https://github.com/NVIDIA/dllogger@v0.1.0#egg=dllogger -git+https://github.com/graphcore/examples-utils@6d3b8367d5c6d2cda5a0e7849138d0ee8a8c6756#egg=examples-utils +git+https://github.com/graphcore/examples-utils@e60289e0744c061dcfb060131cd3fbd7ad2840e0#egg=examples-utils diff --git a/speech/fastspeech2/tensorflow2/benchmarks.yml b/speech/fastspeech2/tensorflow2/benchmarks.yml index 59dd9d3ac..4c3831489 100644 --- a/speech/fastspeech2/tensorflow2/benchmarks.yml +++ b/speech/fastspeech2/tensorflow2/benchmarks.yml @@ -1,6 +1,5 @@ --- train_options: &train_options - location: public_examples/speech/fastspeech2/tensorflow2/ data: throughput: reduction_type: 'final' @@ -9,7 +8,6 @@ train_options: &train_options - [samples/sec, 'throughput'] inference_options: &inference_options - location: public_examples/speech/fastspeech2/tensorflow2/ data: throughput: regexp: 'Averaged Metrics.*\n.*Throughput:\s*([\d\.]+)' diff --git a/speech/fastspeech2/tensorflow2/requirements.txt b/speech/fastspeech2/tensorflow2/requirements.txt index d3e4413fe..cf759c037 100644 --- a/speech/fastspeech2/tensorflow2/requirements.txt +++ b/speech/fastspeech2/tensorflow2/requirements.txt @@ -11,5 +11,5 @@ scikit-learn==0.24.2 pyworld==0.3.0 wandb==0.12.8 dataclasses==0.8; python_version < '3.7' -git+https://github.com/graphcore/examples-utils@6d3b8367d5c6d2cda5a0e7849138d0ee8a8c6756#egg=examples-utils +git+https://github.com/graphcore/examples-utils@e60289e0744c061dcfb060131cd3fbd7ad2840e0#egg=examples-utils diff --git a/speech/transformer_transducer/popart/benchmarks.yml b/speech/transformer_transducer/popart/benchmarks.yml index b7cbdc6aa..549594d8f 100644 --- a/speech/transformer_transducer/popart/benchmarks.yml +++ b/speech/transformer_transducer/popart/benchmarks.yml @@ -1,6 +1,5 @@ --- common_options: &common_options - location: public_examples/speech/transformer_transducer/popart/training data: throughput: regexp: 'Throughput:\s*(.*?),' diff --git a/speech/transformer_transducer/popart/training/requirements.txt b/speech/transformer_transducer/popart/training/requirements.txt index b56255943..127585996 100644 --- a/speech/transformer_transducer/popart/training/requirements.txt +++ b/speech/transformer_transducer/popart/training/requirements.txt @@ -17,4 +17,4 @@ pytest==6.2.5 torch==1.10.0+cpu --extra-index-url https://developer.download.nvidia.com/compute/redist nvidia-dali-cuda110==0.28.0 -git+https://github.com/graphcore/examples-utils@6d3b8367d5c6d2cda5a0e7849138d0ee8a8c6756#egg=examples-utils +git+https://github.com/graphcore/examples-utils@e60289e0744c061dcfb060131cd3fbd7ad2840e0#egg=examples-utils diff --git a/speech/wenet_conformer/pytorch/benchmarks.yml b/speech/wenet_conformer/pytorch/benchmarks.yml index f37705695..39dab7c51 100644 --- a/speech/wenet_conformer/pytorch/benchmarks.yml +++ b/speech/wenet_conformer/pytorch/benchmarks.yml @@ -1,6 +1,5 @@ --- common_options: &common_options - location: public_examples/speech/wenet_conformer/pytorch data: throughput: regexp: '\s+tput:\s*(.*?),' diff --git a/vision/cnns/pytorch/inference/benchmarks.yml b/vision/cnns/pytorch/inference/benchmarks.yml index e5fe47920..e4f47a24e 100644 --- a/vision/cnns/pytorch/inference/benchmarks.yml +++ b/vision/cnns/pytorch/inference/benchmarks.yml @@ -1,6 +1,5 @@ --- common_options: &common_options - location: public_examples/vision/cnns/pytorch/inference output: - [batchsize, 'batchsize'] - [throughput, 'throughput'] diff --git a/vision/cnns/pytorch/requirements.txt b/vision/cnns/pytorch/requirements.txt index 75ad02149..d07423172 100644 --- a/vision/cnns/pytorch/requirements.txt +++ b/vision/cnns/pytorch/requirements.txt @@ -12,4 +12,4 @@ pyyaml==5.4.1 checksumdir==1.2.0 horovod==0.24.3 git+https://github.com/lilohuang/PyTurboJPEG.git@8706665787c7290397859075ae2f0bf35afeb41a -git+https://github.com/graphcore/examples-utils@6d3b8367d5c6d2cda5a0e7849138d0ee8a8c6756#egg=examples-utils +git+https://github.com/graphcore/examples-utils@e60289e0744c061dcfb060131cd3fbd7ad2840e0#egg=examples-utils diff --git a/vision/cnns/pytorch/train/benchmarks.yml b/vision/cnns/pytorch/train/benchmarks.yml index da3630cb1..51ddb9751 100644 --- a/vision/cnns/pytorch/train/benchmarks.yml +++ b/vision/cnns/pytorch/train/benchmarks.yml @@ -1,6 +1,5 @@ --- common_options: &common_options - location: public_examples/vision/cnns/pytorch/train data: throughput: regexp: 'throughput: *(.*?) samples\/sec' diff --git a/vision/cnns/tensorflow1/benchmarks.yml b/vision/cnns/tensorflow1/benchmarks.yml index b8a2af37f..3dfa19cf2 100644 --- a/vision/cnns/tensorflow1/benchmarks.yml +++ b/vision/cnns/tensorflow1/benchmarks.yml @@ -1,7 +1,5 @@ --- common_options: &common_options - location: - public_examples/vision/cnns/tensorflow1/training output: - [Images/sec, 'throughput'] - [accuracy, 'accuracy'] @@ -212,8 +210,6 @@ tf1_resnet50_val_real_pod64_conv: env: TF_POPLAR_FLAGS: "--executable_cache_path=/localdata/$USER/tf_cache/" POPLAR_ENGINE_OPTIONS: '{"opt.enableMultiAccessCopies":"false"}' - location: - public_examples/vision/cnns/tensorflow1/training data: throughput: regexp: 'img\/sec: *(.*?),' @@ -315,8 +311,6 @@ tf1_efficientnet_b4_train_real_pod16: --epochs-per-ckpt 1 --no-validation --eight-bit-io - location: - public_examples/vision/cnns/tensorflow1/training data: throughput: regexp: 'img\/sec: *(.*?),' @@ -354,8 +348,6 @@ tf1_efficientnet_b4_g16_train_real_pod16: --eight-bit-io --num-io-tiles 32 --prefetch-depth 3 - location: - public_examples/vision/cnns/tensorflow1/training data: throughput: regexp: 'img\/sec: *(.*?),' @@ -420,8 +412,6 @@ tf1_efficientnet_b4_g16_train_real_pod64_conv: env: TF_POPLAR_FLAGS: "--executable_cache_path=/localdata/$USER/tf_cache/" POPLAR_ENGINE_OPTIONS: '{"opt.enableMultiAccessCopies":"false"}' - location: - public_examples/vision/cnns/tensorflow1/training data: throughput: regexp: 'img\/sec: *(.*?),' @@ -483,8 +473,6 @@ tf1_efficientnet_b4_g16_validation_real_pod16_conv: env: TF_POPLAR_FLAGS: "--executable_cache_path=/localdata/$USER/tf_cache/" POPLAR_ENGINE_OPTIONS: '{"opt.enableMultiAccessCopies":"false"}' - location: - public_examples/vision/cnns/tensorflow1/training data: throughput: regexp: 'img\/sec: *(.*?),' @@ -513,8 +501,6 @@ tf1_resnet50_infer_synth_1ipu: --batch-norm --enable-half-partials --fused-preprocessing - location: - public_examples/vision/cnns/tensorflow1/training data: throughput: regexp: 'img\/sec: *(.*?),' @@ -551,8 +537,6 @@ tf1_resnet50_infer_gen_pod4: --fused-preprocessing --num-io-tiles 64 --prefetch-depth 2 - location: - public_examples/vision/cnns/tensorflow1/training data: throughput: regexp: 'img\/sec: *(.*?),' @@ -590,8 +574,6 @@ tf1_resnet50_low_latency_infer_gen_pod4: --tmp-execs --num-io-tiles 32 --prefetch-depth 2 - location: - public_examples/vision/cnns/tensorflow1/training env: POPLAR_RUNTIME_OPTIONS: '{"streamCallbacks.maxLookahead":"2"}' data: @@ -631,8 +613,6 @@ tf1_resnext101_infer_gen_1ipu: --batch-norm --enable-half-partials --fused-preprocessing - location: - public_examples/vision/cnns/tensorflow1/training data: throughput: regexp: 'img\/sec: *(.*?),' @@ -658,8 +638,6 @@ tf1_resnext101_long_infer_synth_1ipu: --batch-norm --enable-half-partials --fused-preprocessing - location: - public_examples/vision/cnns/tensorflow1/training data: throughput: regexp: 'img\/sec: *(.*?),' @@ -695,8 +673,6 @@ tf1_resnext101_long_infer_gen_pod4: --fused-preprocessing --num-io-tiles 64 --prefetch-depth 4 - location: - public_examples/vision/cnns/tensorflow1/training data: throughput: regexp: 'img\/sec: *(.*?),' @@ -733,8 +709,6 @@ tf1_resnext101_low_latency_infer_gen_pod4: --tmp-execs --num-io-tiles 64 --prefetch-depth 3 - location: - public_examples/vision/cnns/tensorflow1/training env: POPLAR_RUNTIME_OPTIONS: '{"streamCallbacks.maxLookahead":"2"}' data: @@ -775,8 +749,6 @@ tf1_efficientnet_b0_infer_synth_1ipu: --batch-norm --enable-half-partials --fused-preprocessing - location: - public_examples/vision/cnns/tensorflow1/training data: throughput: regexp: 'img\/sec: *(.*?),' @@ -803,8 +775,6 @@ tf1_efficientnet_b0_long_infer_synth_1ipu: --batch-norm --enable-half-partials --fused-preprocessing - location: - public_examples/vision/cnns/tensorflow1/training data: throughput: regexp: 'img\/sec: *(.*?),' @@ -834,8 +804,6 @@ tf1_efficientnet_b0_g16_infer_synth_1ipu: --batch-norm --enable-half-partials --fused-preprocessing - location: - public_examples/vision/cnns/tensorflow1/training data: throughput: regexp: 'img\/sec: *(.*?),' @@ -872,8 +840,6 @@ tf1_efficientnet_b0_long_infer_gen_pod4: --fused-preprocessing --num-io-tiles 64 --prefetch-depth 4 - location: - public_examples/vision/cnns/tensorflow1/training data: throughput: regexp: 'img\/sec: *(.*?),' @@ -913,8 +879,6 @@ tf1_efficientnet_b0_infer_gen_pod4: --fused-preprocessing --num-io-tiles 64 --prefetch-depth 3 - location: - public_examples/vision/cnns/tensorflow1/training data: throughput: regexp: 'img\/sec: *(.*?),' @@ -952,8 +916,6 @@ tf1_efficientnet_b0_g16_low_latency_infer_gen_pod4: --tmp-execs --num-io-tiles 64 --prefetch-depth 2 - location: - public_examples/vision/cnns/tensorflow1/training env: POPLAR_RUNTIME_OPTIONS: '{"streamCallbacks.maxLookahead":"2"}' data: @@ -1006,8 +968,6 @@ tf1_efficientnet_b0_low_latency_infer_gen_pod4: --tmp-execs --num-io-tiles 32 --prefetch-depth 2 - location: - public_examples/vision/cnns/tensorflow1/training env: POPLAR_RUNTIME_OPTIONS: '{"streamCallbacks.maxLookahead":"2"}' data: @@ -1049,8 +1009,6 @@ tf1_efficientnet_b4_infer_synth_1ipu: --enable-half-partials --eight-bit-io --fused-preprocessing - location: - public_examples/vision/cnns/tensorflow1/training data: throughput: regexp: 'img\/sec: *(.*?),' @@ -1081,8 +1039,6 @@ tf1_efficientnet_b4_g16_infer_synth_1ipu: --enable-half-partials --eight-bit-io --fused-preprocessing - location: - public_examples/vision/cnns/tensorflow1/training data: throughput: regexp: 'img\/sec: *(.*?),' @@ -1119,8 +1075,6 @@ tf1_efficientnet_b4_infer_gen_pod4: --fused-preprocessing --num-io-tiles 32 --prefetch-depth 3 - location: - public_examples/vision/cnns/tensorflow1/training data: throughput: regexp: 'img\/sec: *(.*?),' @@ -1160,8 +1114,6 @@ tf1_efficientnet_b4_g16_infer_synth_1ipu: --fused-preprocessing --num-io-tiles 32 --prefetch-depth 3 - location: - public_examples/vision/cnns/tensorflow1/training data: throughput: regexp: 'img\/sec: *(.*?),' @@ -1198,8 +1150,6 @@ tf1_efficientnet_b4_low_latency_infer_gen_pod4: --tmp-execs --num-io-tiles 32 --prefetch-depth 3 - location: - public_examples/vision/cnns/tensorflow1/training env: POPLAR_RUNTIME_OPTIONS: '{"streamCallbacks.maxLookahead":"2"}' data: @@ -1255,8 +1205,6 @@ tf1_efficientnet_b4_g16_low_latency_infer_gen_pod4: --tmp-execs --num-io-tiles 64 --prefetch-depth 2 - location: - public_examples/vision/cnns/tensorflow1/training env: POPLAR_RUNTIME_OPTIONS: '{"streamCallbacks.maxLookahead":"2"}' data: @@ -1307,8 +1255,6 @@ tf1_efficientnet_b7_infer_gen_pod4: --no-dataset-cache --num-inference-thread 3 --tmp-execs - location: - public_examples/vision/cnns/tensorflow1/training data: throughput: regexp: 'img\/sec: *(.*?),' diff --git a/vision/cnns/tensorflow1/inference/requirements.txt b/vision/cnns/tensorflow1/inference/requirements.txt index dde0e03d4..38d8402ca 100644 --- a/vision/cnns/tensorflow1/inference/requirements.txt +++ b/vision/cnns/tensorflow1/inference/requirements.txt @@ -7,4 +7,4 @@ pytest-xdist==2.5.0 pytest-forked==1.4.0 scipy==1.5.4 wandb==0.12.8 -git+https://github.com/graphcore/examples-utils@6d3b8367d5c6d2cda5a0e7849138d0ee8a8c6756#egg=examples-utils +git+https://github.com/graphcore/examples-utils@e60289e0744c061dcfb060131cd3fbd7ad2840e0#egg=examples-utils diff --git a/vision/cnns/tensorflow1/training/requirements.txt b/vision/cnns/tensorflow1/training/requirements.txt index 7297f2739..75e0f4c1b 100644 --- a/vision/cnns/tensorflow1/training/requirements.txt +++ b/vision/cnns/tensorflow1/training/requirements.txt @@ -10,4 +10,4 @@ pytest-cov==3.0.0 pytest-forked==1.4.0 pytest-pythonpath==0.7.4 pytest-xdist==2.5.0 -git+https://github.com/graphcore/examples-utils@6d3b8367d5c6d2cda5a0e7849138d0ee8a8c6756#egg=examples-utils +git+https://github.com/graphcore/examples-utils@e60289e0744c061dcfb060131cd3fbd7ad2840e0#egg=examples-utils diff --git a/vision/cnns/tensorflow2/benchmarks.yml b/vision/cnns/tensorflow2/benchmarks.yml index 6e2e8af76..2f9110ecf 100644 --- a/vision/cnns/tensorflow2/benchmarks.yml +++ b/vision/cnns/tensorflow2/benchmarks.yml @@ -1,6 +1,5 @@ --- common_options: &common_options - location: public_examples/vision/cnns/tensorflow2 data: throughput: reduction_type: 'mean' diff --git a/vision/cnns/tensorflow2/requirements.txt b/vision/cnns/tensorflow2/requirements.txt index b5aad2997..8a6e188be 100644 --- a/vision/cnns/tensorflow2/requirements.txt +++ b/vision/cnns/tensorflow2/requirements.txt @@ -10,4 +10,4 @@ tensorflow-datasets==4.5.2 autopep8==1.6.0 opencv-python==4.5.5.64 mpi4py==3.1.3 -git+https://github.com/graphcore/examples-utils@6d3b8367d5c6d2cda5a0e7849138d0ee8a8c6756#egg=examples-utils +git+https://github.com/graphcore/examples-utils@e60289e0744c061dcfb060131cd3fbd7ad2840e0#egg=examples-utils diff --git a/vision/dino/pytorch/benchmarks.yml b/vision/dino/pytorch/benchmarks.yml index 55e4759a8..8f45ce298 100644 --- a/vision/dino/pytorch/benchmarks.yml +++ b/vision/dino/pytorch/benchmarks.yml @@ -1,7 +1,5 @@ --- common_options: &common_options - location: - public_examples/vision/dino/pytorch/ output: - [Images/sec, 'throughput'] - [accuracy, 'accuracy'] diff --git a/vision/dino/pytorch/requirements.txt b/vision/dino/pytorch/requirements.txt index 91f8d7039..f882806bd 100644 --- a/vision/dino/pytorch/requirements.txt +++ b/vision/dino/pytorch/requirements.txt @@ -5,4 +5,4 @@ torchvision==0.11.1+cpu pytest==6.2.4 pyyaml==5.4.1 horovod==0.24.0 -git+https://github.com/graphcore/examples-utils@6d3b8367d5c6d2cda5a0e7849138d0ee8a8c6756#egg=examples-utils +git+https://github.com/graphcore/examples-utils@e60289e0744c061dcfb060131cd3fbd7ad2840e0#egg=examples-utils diff --git a/vision/efficientdet/tensorflow2/benchmarks.yml b/vision/efficientdet/tensorflow2/benchmarks.yml index 3b1ee4017..1e724a31e 100644 --- a/vision/efficientdet/tensorflow2/benchmarks.yml +++ b/vision/efficientdet/tensorflow2/benchmarks.yml @@ -1,6 +1,5 @@ --- common_options: &common_options - location: public_examples/vision/efficientdet/tensorflow2 data: throughput: regexp: 'Throughput:\s+mean = (.*?),' diff --git a/vision/efficientdet/tensorflow2/requirements.txt b/vision/efficientdet/tensorflow2/requirements.txt index 909cbf5bc..8ee6848b6 100644 --- a/vision/efficientdet/tensorflow2/requirements.txt +++ b/vision/efficientdet/tensorflow2/requirements.txt @@ -7,4 +7,4 @@ six==1.16.0 tensorflow-model-optimization==0.7.2 pytest==6.2.5 pytest-pythonpath==0.7.4 -git+https://github.com/graphcore/examples-utils@6d3b8367d5c6d2cda5a0e7849138d0ee8a8c6756#egg=examples-utils +git+https://github.com/graphcore/examples-utils@e60289e0744c061dcfb060131cd3fbd7ad2840e0#egg=examples-utils diff --git a/vision/faster_rcnn/popart/benchmarks.yml b/vision/faster_rcnn/popart/benchmarks.yml index aa3308207..63ff56863 100644 --- a/vision/faster_rcnn/popart/benchmarks.yml +++ b/vision/faster_rcnn/popart/benchmarks.yml @@ -1,6 +1,5 @@ --- common_options: &common_options - location: public_examples/vision/faster_rcnn/popart/ data: throughput: regexp: 'throughput:\s*([\d\.]+)' diff --git a/vision/faster_rcnn/popart/requirements.txt b/vision/faster_rcnn/popart/requirements.txt index ae3c77cec..0fc54ccac 100644 --- a/vision/faster_rcnn/popart/requirements.txt +++ b/vision/faster_rcnn/popart/requirements.txt @@ -12,4 +12,4 @@ PyYAML==5.4.1 torch==1.10.0+cpu torchvision==0.11.1+cpu fire==0.4.0 -git+https://github.com/graphcore/examples-utils@6d3b8367d5c6d2cda5a0e7849138d0ee8a8c6756#egg=examples-utils +git+https://github.com/graphcore/examples-utils@e60289e0744c061dcfb060131cd3fbd7ad2840e0#egg=examples-utils diff --git a/vision/resnext_inference/popart/requirements.txt b/vision/resnext_inference/popart/requirements.txt index 012a8db2a..9536cc019 100644 --- a/vision/resnext_inference/popart/requirements.txt +++ b/vision/resnext_inference/popart/requirements.txt @@ -9,4 +9,4 @@ urllib3==1.26.6 pretrainedmodels==0.7.4 pytest==6.2.5 pytest-pythonpath==0.7.4 -git+https://github.com/graphcore/examples-utils@6d3b8367d5c6d2cda5a0e7849138d0ee8a8c6756#egg=examples-utils +git+https://github.com/graphcore/examples-utils@e60289e0744c061dcfb060131cd3fbd7ad2840e0#egg=examples-utils diff --git a/vision/swin/pytorch/benchmarks.yml b/vision/swin/pytorch/benchmarks.yml index 65f2986f1..9ceefd496 100644 --- a/vision/swin/pytorch/benchmarks.yml +++ b/vision/swin/pytorch/benchmarks.yml @@ -1,6 +1,5 @@ --- common_options: &common_options - location: public_examples/vision/swin/pytorch/ data: throughput: skip: 1 diff --git a/vision/swin/pytorch/requirements.txt b/vision/swin/pytorch/requirements.txt index cb830123e..691ff02e7 100644 --- a/vision/swin/pytorch/requirements.txt +++ b/vision/swin/pytorch/requirements.txt @@ -7,4 +7,4 @@ wandb==0.12.8 transformers==4.18.0 yacs==0.1.8 pyyaml==5.4.1 -git+https://github.com/graphcore/examples-utils@6d3b8367d5c6d2cda5a0e7849138d0ee8a8c6756#egg=examples-utils +git+https://github.com/graphcore/examples-utils@e60289e0744c061dcfb060131cd3fbd7ad2840e0#egg=examples-utils diff --git a/vision/unet_medical/tensorflow2/benchmarks.yml b/vision/unet_medical/tensorflow2/benchmarks.yml index acdae939e..6e9763564 100644 --- a/vision/unet_medical/tensorflow2/benchmarks.yml +++ b/vision/unet_medical/tensorflow2/benchmarks.yml @@ -14,7 +14,6 @@ tf2_unet_train_real_pod4: --num-epochs 200 --data-dir $DATASETS_DIR/tif --benchmark - location: public_examples/vision/unet_medical/tensorflow2 data: throughput: regexp: 'Throughput *(.*?) images' @@ -49,7 +48,6 @@ tf2_unet_infer_gen_pod4: --infer --host-generated-data --benchmark - location: public_examples/vision/unet_medical/tensorflow2 data: throughput: regexp: 'Throughput *(\d*\.\d*) images' diff --git a/vision/unet_medical/tensorflow2/requirements.txt b/vision/unet_medical/tensorflow2/requirements.txt index 9925b0a0c..2b73510f4 100644 --- a/vision/unet_medical/tensorflow2/requirements.txt +++ b/vision/unet_medical/tensorflow2/requirements.txt @@ -1,5 +1,5 @@ pytest==6.2.5 Pillow==8.4.0 scikit-learn==0.24.2 -git+https://github.com/graphcore/examples-utils@6d3b8367d5c6d2cda5a0e7849138d0ee8a8c6756#egg=examples-utils +git+https://github.com/graphcore/examples-utils@e60289e0744c061dcfb060131cd3fbd7ad2840e0#egg=examples-utils diff --git a/vision/vit/pytorch/benchmarks.yml b/vision/vit/pytorch/benchmarks.yml index 8dfdc0103..b54152cbf 100644 --- a/vision/vit/pytorch/benchmarks.yml +++ b/vision/vit/pytorch/benchmarks.yml @@ -1,6 +1,5 @@ --- common_options: &common_options - location: public_examples/vision/vit/pytorch/ data: throughput: regexp: 'Throughput: *(.*?) samples/sec' diff --git a/vision/vit/pytorch/requirements.txt b/vision/vit/pytorch/requirements.txt index 227aa7cbd..b5417ce93 100644 --- a/vision/vit/pytorch/requirements.txt +++ b/vision/vit/pytorch/requirements.txt @@ -10,4 +10,4 @@ pillow==8.4.0 attrdict==2.0.1 horovod==0.24.0 randaugment==1.0.2 -git+https://github.com/graphcore/examples-utils@6d3b8367d5c6d2cda5a0e7849138d0ee8a8c6756#egg=examples-utils +git+https://github.com/graphcore/examples-utils@e60289e0744c061dcfb060131cd3fbd7ad2840e0#egg=examples-utils diff --git a/vision/yolo_v3/tensorflow1/benchmarks.yml b/vision/yolo_v3/tensorflow1/benchmarks.yml index 178b6c43d..bee6f3a5c 100644 --- a/vision/yolo_v3/tensorflow1/benchmarks.yml +++ b/vision/yolo_v3/tensorflow1/benchmarks.yml @@ -5,7 +5,6 @@ tf1_yolov3_train_real_pod4: python3 train.py --config ./config/config_544_performance_test.json --train-annot-path ./data/dataset/voc_train.txt - location: public_examples/vision/yolo_v3/tensorflow1 data: throughput: regexp: 'samples/s:*(.*?),' diff --git a/vision/yolo_v3/tensorflow1/requirements.txt b/vision/yolo_v3/tensorflow1/requirements.txt index 9b9945393..86b8c8a2e 100644 --- a/vision/yolo_v3/tensorflow1/requirements.txt +++ b/vision/yolo_v3/tensorflow1/requirements.txt @@ -2,4 +2,4 @@ opencv-python==4.5.2.52 easydict==1.9 pytest==6.2.5 tqdm==4.64.0 -git+https://github.com/graphcore/examples-utils@6d3b8367d5c6d2cda5a0e7849138d0ee8a8c6756#egg=examples-utils +git+https://github.com/graphcore/examples-utils@e60289e0744c061dcfb060131cd3fbd7ad2840e0#egg=examples-utils diff --git a/vision/yolo_v4/pytorch/benchmarks.yml b/vision/yolo_v4/pytorch/benchmarks.yml index 588518816..4d9c866d5 100644 --- a/vision/yolo_v4/pytorch/benchmarks.yml +++ b/vision/yolo_v4/pytorch/benchmarks.yml @@ -22,7 +22,6 @@ pytorch_yolov4_infer_real_pod4: --mode test_inference --nms-max-detections {max_detections} --pre-nms-topk-k {topk_nums} - location: public_examples/vision/yolo_v4/pytorch data: throughput: regexp: 'Average Inference Throughput: (\d*.\d*) img\/s' diff --git a/vision/yolo_v4/pytorch/requirements.txt b/vision/yolo_v4/pytorch/requirements.txt index d0fd02010..2055c09e1 100644 --- a/vision/yolo_v4/pytorch/requirements.txt +++ b/vision/yolo_v4/pytorch/requirements.txt @@ -12,5 +12,5 @@ torchvision==0.11.1+cpu protobuf==3.19.4 wandb==0.12.8 yacs==0.1.8 -git+https://github.com/graphcore/examples-utils@6d3b8367d5c6d2cda5a0e7849138d0ee8a8c6756#egg=examples-utils +git+https://github.com/graphcore/examples-utils@e60289e0744c061dcfb060131cd3fbd7ad2840e0#egg=examples-utils torchinfo==1.5.4