Skip to content
Merged
Show file tree
Hide file tree
Changes from all commits
Commits
File filter

Filter by extension

Filter by extension


Conversations
Failed to load comments.
Loading
Jump to
Jump to file
Failed to load files.
Loading
Diff view
Diff view
1 change: 0 additions & 1 deletion README.md
Original file line number Diff line number Diff line change
Expand Up @@ -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

<br>

Expand Down
1 change: 0 additions & 1 deletion gnn/cluster_gcn/tensorflow2/benchmarks.yml
Original file line number Diff line number Diff line change
@@ -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\.]+)'
Expand Down
2 changes: 1 addition & 1 deletion gnn/cluster_gcn/tensorflow2/requirements.txt
Original file line number Diff line number Diff line change
Expand Up @@ -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
1 change: 0 additions & 1 deletion gnn/message_passing/tensorflow2/benchmarks.yml
Original file line number Diff line number Diff line change
Expand Up @@ -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:
Expand Down
2 changes: 1 addition & 1 deletion gnn/message_passing/tensorflow2/requirements.txt
Original file line number Diff line number Diff line change
Expand Up @@ -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
1 change: 0 additions & 1 deletion gnn/tgn/tensorflow1/benchmarks.yml
Original file line number Diff line number Diff line change
@@ -1,6 +1,5 @@
---
common_options: &common_options
location: public_examples/gnn/tgn/tensorflow1/
data:
throughput:
regexp: 'throughput: *(.*?),'
Expand Down
2 changes: 1 addition & 1 deletion gnn/tgn/tensorflow1/requirements.txt
Original file line number Diff line number Diff line change
Expand Up @@ -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
4 changes: 0 additions & 4 deletions miscellaneous/sales_forecasting/tensorflow1/benchmarks.yml
Original file line number Diff line number Diff line change
Expand Up @@ -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"
Expand All @@ -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"
Expand Down
Original file line number Diff line number Diff line change
@@ -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
1 change: 0 additions & 1 deletion multimodal/CLIP/pytorch/benchmarks.yml
Original file line number Diff line number Diff line change
@@ -1,5 +1,4 @@
common_options: &common_options
location: public_examples/multimodal/CLIP/pytorch/
data:
throughput:
reduction_type: "mean"
Expand Down
2 changes: 1 addition & 1 deletion multimodal/CLIP/pytorch/requirements.txt
Original file line number Diff line number Diff line change
Expand Up @@ -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
2 changes: 0 additions & 2 deletions multimodal/mini_dalle/pytorch/benchmarks.yml
Original file line number Diff line number Diff line change
@@ -1,7 +1,5 @@
---
common_options: &common_options
location:
public_examples/multimodal/mini_dalle/pytorch/
data:
throughput:
reduction_type: "final"
Expand Down
2 changes: 1 addition & 1 deletion multimodal/mini_dalle/pytorch/requirements.txt
Original file line number Diff line number Diff line change
Expand Up @@ -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
4 changes: 0 additions & 4 deletions nlp/bert/popart/benchmarks.yml
Original file line number Diff line number Diff line change
@@ -1,7 +1,6 @@
---
# --- Pretraining ---
pretrain_options: &pretrain_options
location: public_examples/nlp/bert/popart/
data:
throughput:
regexp: 'Throughput\:\s*(.*) sequences/s'
Expand Down Expand Up @@ -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'
Expand Down Expand Up @@ -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:
Expand Down Expand Up @@ -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'
Expand Down
2 changes: 1 addition & 1 deletion nlp/bert/popart/requirements.txt
Original file line number Diff line number Diff line change
Expand Up @@ -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


1 change: 0 additions & 1 deletion nlp/bert/popxl/benchmarks.yml
Original file line number Diff line number Diff line change
@@ -1,7 +1,6 @@
---
# --- Pretraining ---
pretrain_options: &pretrain_options
location: public_examples/nlp/bert/popxl/
data:
throughput:
regexp: 'Throughput\:\s*(.*) samples/s'
Expand Down
2 changes: 1 addition & 1 deletion nlp/bert/popxl/requirements.txt
Original file line number Diff line number Diff line change
Expand Up @@ -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
7 changes: 2 additions & 5 deletions nlp/bert/pytorch/benchmarks.yml
Original file line number Diff line number Diff line change
@@ -1,7 +1,6 @@
---
# --- Pretraining ---
pretrain_options: &pretrain_options
location: public_examples/nlp/bert/pytorch/
data:
throughput:
regexp: \s([\d\.]+|nan)\ssequences
Expand Down Expand Up @@ -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:
Expand Down Expand Up @@ -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:
Expand Down
2 changes: 1 addition & 1 deletion nlp/bert/pytorch/requirements.txt
Original file line number Diff line number Diff line change
Expand Up @@ -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
12 changes: 0 additions & 12 deletions nlp/bert/tensorflow1/benchmarks.yml
Original file line number Diff line number Diff line change
@@ -1,7 +1,6 @@
---
# --- Pretraining ---
pretrain_options: &pretrain_options
location: public_examples/nlp/bert/tensorflow1/
data:
throughput:
regexp: 'samples\/sec: *(.*?),'
Expand Down Expand Up @@ -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+'
Expand Down Expand Up @@ -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+'
Expand All @@ -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+'
Expand Down Expand Up @@ -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:
Expand Down Expand Up @@ -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:
Expand Down
2 changes: 1 addition & 1 deletion nlp/bert/tensorflow1/requirements.txt
Original file line number Diff line number Diff line change
Expand Up @@ -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

3 changes: 0 additions & 3 deletions nlp/bert/tensorflow2/benchmarks.yml
Original file line number Diff line number Diff line change
@@ -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:
Expand Down Expand Up @@ -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\.]+)'
Expand Down Expand Up @@ -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\.]+)'
Expand Down
2 changes: 1 addition & 1 deletion nlp/bert/tensorflow2/requirements.txt
Original file line number Diff line number Diff line change
Expand Up @@ -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
2 changes: 0 additions & 2 deletions nlp/gpt/pytorch/benchmarks.yml
Original file line number Diff line number Diff line change
@@ -1,6 +1,5 @@
---
train_options: &train_options
location: public_examples/nlp/gpt/pytorch/
data:
throughput:
reduction_type: "final"
Expand Down Expand Up @@ -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"
Expand Down
2 changes: 1 addition & 1 deletion nlp/gpt/pytorch/requirements.txt
Original file line number Diff line number Diff line change
Expand Up @@ -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
Original file line number Diff line number Diff line change
Expand Up @@ -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|$)'
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -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
Expand Down
2 changes: 0 additions & 2 deletions probability/mcmc/tensorflow1/benchmarks.yml
Original file line number Diff line number Diff line change
Expand Up @@ -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:
Expand Down
2 changes: 1 addition & 1 deletion probability/mcmc/tensorflow1/requirements.txt
Original file line number Diff line number Diff line change
@@ -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
1 change: 0 additions & 1 deletion recommendation/autoencoder/tensorflow1/benchmarks.yml
Original file line number Diff line number Diff line change
Expand Up @@ -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:
Expand Down
2 changes: 1 addition & 1 deletion recommendation/autoencoder/tensorflow1/requirements.txt
Original file line number Diff line number Diff line change
@@ -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
Original file line number Diff line number Diff line change
Expand Up @@ -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: *(.*?),'
Expand All @@ -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: *(.*?),'
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -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
Original file line number Diff line number Diff line change
Expand Up @@ -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'
Expand Down
Original file line number Diff line number Diff line change
@@ -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
2 changes: 1 addition & 1 deletion sparsity/dynamic_sparsity/tensorflow1/requirements.txt
Original file line number Diff line number Diff line change
Expand Up @@ -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
2 changes: 1 addition & 1 deletion speech/conformer/popart/requirements.txt
Original file line number Diff line number Diff line change
Expand Up @@ -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
Loading