TensorFlow: Difference between revisions
(Remove workaround since problem is fixed) |
(for Python 3.8 need StdEnv/2020) |
||
(38 intermediate revisions by 8 users not shown) | |||
Line 1: | Line 1: | ||
<languages /> | <languages /> | ||
[[Category:Software]] | [[Category:Software]] [[Category:AI and Machine Learning]] | ||
<translate> | <translate> | ||
<!--T:18--> | <!--T:18--> | ||
[https://www.tensorflow.org/ TensorFlow] is | [https://www.tensorflow.org/ TensorFlow] is <i>an open-source software library for Machine Intelligence</i>. | ||
<!--T:64--> | <!--T:64--> | ||
If you are porting a TensorFlow program to | If you are porting a TensorFlow program to an Alliance cluster, you should follow [[Tutoriel Apprentissage machine/en|our tutorial on machine learning]]. | ||
==Installing TensorFlow== <!--T:1--> | ==Installing TensorFlow== <!--T:1--> | ||
<!--T:2--> | <!--T:2--> | ||
These instructions install TensorFlow in your home directory using | These instructions install TensorFlow in your /home directory using Alliance's prebuilt [http://pythonwheels.com/ Python wheels]. Custom Python wheels are stored in <code>/cvmfs/soft.computecanada.ca/custom/python/wheelhouse/</code>. To install a TensorFlow wheel, we will use the <code>pip</code> command and install it into a [[Python#Creating_and_using_a_virtual_environment | Python virtual environment]]. | ||
</translate> | </translate> | ||
Line 19: | Line 19: | ||
<translate> | <translate> | ||
<!--T:3--> | <!--T:3--> | ||
Load modules required by TensorFlow. | Load modules required by TensorFlow. In some cases, other modules may be required (e.g. CUDA). | ||
</translate> | </translate> | ||
{{Command2|module load python/3}} | {{Command2|module load python/3}} | ||
Line 40: | Line 40: | ||
</translate> | </translate> | ||
{{Command2|prompt=(tensorflow) [name@server ~]$ | {{Command2|prompt=(tensorflow) [name@server ~]$ | ||
|pip install --no-index tensorflow{{=}}{{=}}2. | |pip install --no-index tensorflow{{=}}{{=}}2.8}} | ||
</tab> | </tab> | ||
<tab name="TF 1.x"> | <tab name="TF 1.x"> | ||
Line 47: | Line 47: | ||
<!--T:86--> | <!--T:86--> | ||
Load modules required by TensorFlow. TF 1.x requires StdEnv/2018. | Load modules required by TensorFlow. TF 1.x requires StdEnv/2018. | ||
<!--T:182--> | |||
<b>Note: TF 1.x is not available on Narval, since StdEnv/2018 is not available on this cluster.</b> | |||
</translate> | </translate> | ||
{{Command2|module load StdEnv/2018 python/3}} | {{Command2|module load StdEnv/2018 python/3}} | ||
Line 67: | Line 71: | ||
<!--T:63--> | <!--T:63--> | ||
<b>Do not</b> install the <code>tensorflow</code> package (without the <code>_cpu</code> or <code>_gpu</code> suffixes) as it has compatibility issues with other libraries. | |||
=== CPU-only === <!--T:8--> | === CPU-only === <!--T:8--> | ||
Line 103: | Line 107: | ||
<!--T:43--> | <!--T:43--> | ||
You are then good to go. Do not call <code>install_tensorflow()</code> in R, as TensorFlow has already been installed in your virtual environment with < | You are then good to go. Do not call <code>install_tensorflow()</code> in R, as TensorFlow has already been installed in your virtual environment with <code>pi</code>p. To use the TensorFlow installed in your virtual environment, enter the following commands in R after the environment has been activated. | ||
<!--T:44--> | <!--T:44--> | ||
Line 112: | Line 116: | ||
==Submitting a TensorFlow job with a GPU== <!--T:5--> | ==Submitting a TensorFlow job with a GPU== <!--T:5--> | ||
Once you have the above setup completed you can submit a TensorFlow job. | Once you have the above setup completed, you can submit a TensorFlow job. | ||
{{Command2|sbatch tensorflow-test.sh}} | {{Command2|sbatch tensorflow-test.sh}} | ||
The job submission script contains | The job submission script contains | ||
Line 166: | Line 170: | ||
<translate> | <translate> | ||
<!--T:7--> | <!--T:7--> | ||
Once the job has completed (should take less than a minute) you should see an output file called something like < | Once the job has completed (should take less than a minute), you should see an output file called something like <code>cdr116-122907.out</code> with contents similar to the following (the logged messages from TensorFlow are only examples, expect different messages and more messages): | ||
</translate> | </translate> | ||
Line 199: | Line 203: | ||
<!--T:16--> | <!--T:16--> | ||
TensorFlow can run on all GPU node types. Cedar's | TensorFlow can run on all GPU node types. Cedar's <i>GPU large</i> node type, which is equipped with 4 x P100-PCIE-16GB with GPUDirect P2P enabled between each pair, is highly recommended for large-scale deep learning or machine learning research. See [[Using GPUs with SLURM]] for more information. | ||
</translate> | </translate> | ||
<translate> | <translate> | ||
Line 219: | Line 223: | ||
# Your SBATCH arguments here | # Your SBATCH arguments here | ||
tensorboard --logdir=/tmp/your_log_dir --host 0.0.0.0 & | tensorboard --logdir=/tmp/your_log_dir --host 0.0.0.0 --load_fast false & | ||
python train.py # example | python train.py # example | ||
<translate> | <translate> | ||
Line 234: | Line 238: | ||
<!--T:48--> | <!--T:48--> | ||
Replace <code>computenode</code> with the node hostname you retrieved from the preceding step, <code>userid</code> by your | Replace <code>computenode</code> with the node hostname you retrieved from the preceding step, <code>userid</code> by your Alliance username, <code>cluster</code> by the cluster hostname (i.e.: <code>beluga</code>, <code>cedar</code>, <code>graham</code>, etc.). If port 6006 was already in use, tensorboard will be using another one (e.g. 6007, 6008...). | ||
<!--T:27--> | <!--T:27--> | ||
Once the connection is created, go to [http://localhost:6006 http://localhost:6006]. | Once the connection is created, go to [http://localhost:6006 http://localhost:6006]. | ||
==TensorFlow with | ==TensorFlow with multi-GPUs== <!--T:28--> | ||
===TensorFlow 1.x=== <!--T:90--> | ===TensorFlow 1.x=== <!--T:90--> | ||
TensorFlow provides different methods of managing variables when training models on multiple GPUs. "Parameter Server" and "Replicated" are the most two common methods. | TensorFlow provides different methods of managing variables when training models on multiple GPUs. "Parameter Server" and "Replicated" are the most two common methods. | ||
*In this section, [https://github.com/tensorflow/benchmarks TensorFlow Benchmarks] code will be used as an example to explain the different methods. Users can reference the TensorFlow Benchmarks code to implement their own. | *In this section, [https://github.com/tensorflow/benchmarks TensorFlow Benchmarks] code will be used as an example to explain the different methods. Users can reference the TensorFlow Benchmarks code to implement their own. | ||
====Parameter | ====Parameter server==== | ||
Variables are stored on a parameter server that holds the master copy of the variable. In distributed training, the parameter servers are separate processes in the different devices. For each step, each tower gets a copy of the variables from the parameter server, and sends its gradients to the param server. | Variables are stored on a parameter server that holds the master copy of the variable. In distributed training, the parameter servers are separate processes in the different devices. For each step, each tower gets a copy of the variables from the parameter server, and sends its gradients to the param server. | ||
<!--T:29--> | <!--T:29--> | ||
Parameters can be stored in CPU: | Parameters can be stored in a CPU: | ||
<pre> | <pre> | ||
python tf_cnn_benchmarks.py --variable_update=parameter_server --local_parameter_device=cpu | python tf_cnn_benchmarks.py --variable_update=parameter_server --local_parameter_device=cpu | ||
</pre> | </pre> | ||
or GPU: | or a GPU: | ||
<pre> | <pre> | ||
python tf_cnn_benchmarks.py --variable_update=parameter_server --local_parameter_device=gpu | python tf_cnn_benchmarks.py --variable_update=parameter_server --local_parameter_device=gpu | ||
Line 287: | Line 291: | ||
! Node type !! 1 GPU !! Number of GPUs !! ps,cpu !! ps, gpu !! replicated !! replicated, xring !! replicated, pscpu !! replicated, nccl | ! Node type !! 1 GPU !! Number of GPUs !! ps,cpu !! ps, gpu !! replicated !! replicated, xring !! replicated, pscpu !! replicated, nccl | ||
|- | |- | ||
| Graham GPU node || 171.23||2 || 93.31 || | | Graham GPU node || 171.23||2 || 93.31 || <b>324.04</b> || 318.33 || 316.01 || 109.82 || 315.99 | ||
|- | |- | ||
| Cedar GPU Base || 172.99|| 4 || | | Cedar GPU Base || 172.99|| 4 || <b>662.65</b> ||595.43 || 616.02 || 490.03|| 645.04 || 608.95 | ||
|- | |- | ||
| Cedar GPU Large || 205.71 ||4 || 673.47 || 721.98 || | | Cedar GPU Large || 205.71 ||4 || 673.47 || 721.98 || <b>754.35</b> || 574.91 || 664.72 || 692.25 | ||
|} | |} | ||
<!--T:33--> | <!--T:33--> | ||
*VGG-16 | *VGG-16 | ||
Batch size is 32 per GPU. Data parallelism is used. (Results in | Batch size is 32 per GPU. Data parallelism is used. (Results in <i>images per second</i>) | ||
<!--T:34--> | <!--T:34--> | ||
Line 303: | Line 307: | ||
! Node type !! 1 GPU !! Number of GPUs !! ps,cpu !! ps, gpu !! replicated !! replicated, xring !! replicated, pscpu !! replicated, nccl | ! Node type !! 1 GPU !! Number of GPUs !! ps,cpu !! ps, gpu !! replicated !! replicated, xring !! replicated, pscpu !! replicated, nccl | ||
|- | |- | ||
| Graham GPU node || 115.89||2 || 91.29 || 194.46 || 194.43 || 203.83 || 132.19 || | | Graham GPU node || 115.89||2 || 91.29 || 194.46 || 194.43 || 203.83 || 132.19 || <b>219.72</b> | ||
|- | |- | ||
| Cedar GPU Base || 114.77 ||4 || 232.85 || 280.69 || 274.41 || 341.29 || 330.04 || | | Cedar GPU Base || 114.77 ||4 || 232.85 || 280.69 || 274.41 || 341.29 || 330.04 || <b>388.53</b> | ||
|- | |- | ||
| Cedar GPU Large || 137.16 ||4 || 175.20 || 379.80 ||336.72 || 417.46 || 225.37 || | | Cedar GPU Large || 137.16 ||4 || 175.20 || 379.80 ||336.72 || 417.46 || 225.37 || <b>490.52</b> | ||
|} | |} | ||
Line 315: | Line 319: | ||
Much like TensorFlow 1.x, TensorFlow 2.x offers a number of different strategies to make use of multiple GPUs through the high-level API <code>tf.distribute</code>. In the following sections, we provide code examples of each strategy using Keras for simplicity. For more details, please refer to the official [https://www.tensorflow.org/api_docs/python/tf/distribute TensorFlow documentation]. | Much like TensorFlow 1.x, TensorFlow 2.x offers a number of different strategies to make use of multiple GPUs through the high-level API <code>tf.distribute</code>. In the following sections, we provide code examples of each strategy using Keras for simplicity. For more details, please refer to the official [https://www.tensorflow.org/api_docs/python/tf/distribute TensorFlow documentation]. | ||
====Mirrored | ====Mirrored strategy==== <!--T:93--> | ||
=====Single | =====Single node===== <!--T:94--> | ||
Line 344: | Line 348: | ||
<!--T:99--> | <!--T:99--> | ||
python tensorflow-singleworker.py | |||
}} | }} | ||
Line 364: | Line 368: | ||
<!--T:103--> | <!--T:103--> | ||
parser = argparse.ArgumentParser(description='cifar10 classification models, tensorflow MirroredStrategy test') | parser = argparse.ArgumentParser(description='cifar10 classification models, tensorflow MirroredStrategy test') | ||
parser.add_argument('--lr', default=0. | parser.add_argument('--lr', default=0.001, help='') | ||
parser.add_argument('--batch_size', type=int, default=256, help='') | parser.add_argument('--batch_size', type=int, default=256, help='') | ||
Line 424: | Line 428: | ||
}} | }} | ||
=====Multiple | =====Multiple nodes===== <!--T:117--> | ||
<!--T:118--> | <!--T:118--> | ||
Line 439: | Line 443: | ||
<!--T:120--> | <!--T:120--> | ||
#SBATCH -- | #SBATCH --ntasks-per-node=2 # Request 1 process per GPU. You will get 1 CPU per process by default. Request more CPUs with the "cpus-per-task" parameter if your input pipeline can handle parallel data-loading/data-transforms | ||
<!--T:121--> | <!--T:121--> | ||
Line 448: | Line 452: | ||
<!--T:122--> | <!--T:122--> | ||
srun -N $SLURM_NNODES -n $SLURM_NNODES config_env.sh | |||
<!--T:123--> | <!--T:123--> | ||
module load gcc/9.3.0 cuda/11.8 | |||
export NCCL_BLOCKING_WAIT=1 #Set this environment variable if you wish to use the NCCL backend for inter-GPU communication. | export NCCL_BLOCKING_WAIT=1 #Set this environment variable if you wish to use the NCCL backend for inter-GPU communication. | ||
export XLA_FLAGS=--xla_gpu_cuda_data_dir=$CUDA_HOME | |||
<!--T:124--> | <!--T:124--> | ||
srun python tensorflow-multiworker.py | srun launch_training.sh | ||
}} | |||
<!--T:184--> | |||
Where <code>config_env.sh</code> has the form: | |||
{{File | |||
|name=config_env.sh | |||
|lang="bash" | |||
|contents= | |||
#!/bin/bash | |||
<!--T:185--> | |||
module load python | |||
<!--T:186--> | |||
virtualenv --no-download $SLURM_TMPDIR/ENV | |||
<!--T:187--> | |||
source $SLURM_TMPDIR/ENV/bin/activate | |||
<!--T:188--> | |||
pip install --upgrade pip --no-index | |||
<!--T:189--> | |||
pip install --no-index tensorflow | |||
<!--T:190--> | |||
echo "Done installing virtualenv!" | |||
}} | |||
<!--T:191--> | |||
The script <code>launch_training.sh</code> has the form: | |||
<!--T:192--> | |||
{{File | |||
|name=launch_training.sh | |||
|lang="bash" | |||
|contents= | |||
#!/bin/bash | |||
<!--T:193--> | |||
source $SLURM_TMPDIR/ENV/bin/activate | |||
<!--T:194--> | |||
python tensorflow-multiworker.py | |||
}} | }} | ||
<!--T:125--> | <!--T:125--> | ||
And the Python script <code>tensorflow-multiworker.py</code> has the form: | |||
{{File | {{File | ||
|name=tensorflow-multiworker.py | |name=tensorflow-multiworker.py | ||
Line 477: | Line 524: | ||
<!--T:128--> | <!--T:128--> | ||
parser = argparse.ArgumentParser(description='cifar10 classification models, tensorflow MultiWorkerMirrored test') | parser = argparse.ArgumentParser(description='cifar10 classification models, tensorflow MultiWorkerMirrored test') | ||
parser.add_argument('--lr', default=0. | parser.add_argument('--lr', default=0.001, help='') | ||
parser.add_argument('--batch_size', type=int, default=256, help='') | parser.add_argument('--batch_size', type=int, default=256, help='') | ||
Line 541: | Line 588: | ||
}} | }} | ||
==Custom TensorFlow | ====Horovod==== <!--T:153--> | ||
In your research, you may come across [https://github.com/Yang7879/3D-BoNet code that leverages custom operators] that are not part of the core tensorflow distribution, or you might want to [https://www.tensorflow.org/guide/create_op create your own]. In both cases, you will need to compile your custom operators | |||
<!--T:154--> | |||
[https://horovod.readthedocs.io/en/latest/summary_include.html Horovod] is a distributed deep learning training framework for TensorFlow, Keras, PyTorch, and Apache MXNet. The following is the same tutorial from above reimplemented using Horovod: | |||
<!--T:155--> | |||
{{File | |||
|name=tensorflow-horovod.sh | |||
|lang="bash" | |||
|contents= | |||
#!/bin/bash | |||
#SBATCH --nodes 1 | |||
#SBATCH --gres=gpu:2 # Request 2 GPU "generic resources”. You will get 2 per node. | |||
<!--T:156--> | |||
#SBATCH --ntasks-per-node=2 # Request 1 process per GPU. You will get 1 CPU per process by default. Request more CPUs with the "cpus-per-task" parameter if your input pipeline can handle parallel data-loading/data-transforms | |||
<!--T:157--> | |||
#SBATCH --mem=8G | |||
#SBATCH --time=0-00:30 | |||
#SBATCH --output=%N-%j.out | |||
<!--T:158--> | |||
module load StdEnv/2020 | |||
module load python/3.8 | |||
virtualenv --no-download $SLURM_TMPDIR/env | |||
source $SLURM_TMPDIR/env/bin/activate | |||
pip install --no-index tensorflow==2.5.0 horovod | |||
<!--T:159--> | |||
export NCCL_BLOCKING_WAIT=1 #Set this environment variable if you wish to use the NCCL backend for inter-GPU communication. | |||
<!--T:160--> | |||
srun python tensorflow-horovod.py | |||
}} | |||
<!--T:161--> | |||
{{File | |||
|name=tensorflow-horovod.py | |||
|lang="python" | |||
|contents= | |||
<!--T:162--> | |||
import tensorflow as tf | |||
import numpy as np | |||
import horovod.tensorflow.keras as hvd | |||
<!--T:163--> | |||
import argparse | |||
<!--T:164--> | |||
parser = argparse.ArgumentParser(description='cifar10 classification models, tensorflow horovod test') | |||
parser.add_argument('--lr', default=0.001, help='') | |||
parser.add_argument('--batch_size', type=int, default=256, help='') | |||
<!--T:165--> | |||
args = parser.parse_args() | |||
<!--T:166--> | |||
hvd.init() | |||
<!--T:167--> | |||
gpus = tf.config.experimental.list_physical_devices('GPU') | |||
<!--T:168--> | |||
tf.config.experimental.set_visible_devices(gpus[hvd.local_rank()], 'GPU') | |||
<!--T:169--> | |||
model = tf.keras.Sequential() | |||
<!--T:170--> | |||
model.add(tf.keras.layers.Conv2D(32, (3, 3), padding='same', | |||
input_shape=(32,32,3))) | |||
model.add(tf.keras.layers.Activation('relu')) | |||
model.add(tf.keras.layers.Conv2D(32, (3, 3))) | |||
model.add(tf.keras.layers.Activation('relu')) | |||
model.add(tf.keras.layers.MaxPooling2D(pool_size=(2, 2))) | |||
model.add(tf.keras.layers.Dropout(0.25)) | |||
<!--T:171--> | |||
model.add(tf.keras.layers.Conv2D(64, (3, 3), padding='same')) | |||
model.add(tf.keras.layers.Activation('relu')) | |||
model.add(tf.keras.layers.Conv2D(64, (3, 3))) | |||
model.add(tf.keras.layers.Activation('relu')) | |||
model.add(tf.keras.layers.MaxPooling2D(pool_size=(2, 2))) | |||
model.add(tf.keras.layers.Dropout(0.25)) | |||
<!--T:172--> | |||
model.add(tf.keras.layers.Flatten()) | |||
model.add(tf.keras.layers.Dense(512)) | |||
model.add(tf.keras.layers.Activation('relu')) | |||
model.add(tf.keras.layers.Dropout(0.5)) | |||
model.add(tf.keras.layers.Dense(10)) | |||
<!--T:173--> | |||
optimizer = tf.keras.optimizers.SGD(learning_rate=args.lr) | |||
<!--T:174--> | |||
optimizer = hvd.DistributedOptimizer(optimizer) | |||
<!--T:175--> | |||
model.compile(loss=tf.keras.losses.SparseCategoricalCrossentropy(from_logits=True), | |||
optimizer=optimizer,metrics=['accuracy']) | |||
<!--T:176--> | |||
callbacks = [ | |||
hvd.callbacks.BroadcastGlobalVariablesCallback(0), | |||
] | |||
<!--T:177--> | |||
### This next line will attempt to download the CIFAR10 dataset from the internet if you don't already have it stored in ~/.keras/datasets. | |||
### Run this line on a login node prior to submitting your job, or manually download the data from | |||
### https://www.cs.toronto.edu/~kriz/cifar-10-python.tar.gz, rename to "cifar-10-batches-py.tar.gz" and place it under ~/.keras/datasets | |||
<!--T:178--> | |||
(x_train, y_train),_ = tf.keras.datasets.cifar10.load_data() | |||
<!--T:179--> | |||
dataset = tf.data.Dataset.from_tensor_slices((x_train, y_train)).batch(args.batch_size) | |||
<!--T:180--> | |||
model.fit(dataset, epochs=2, callbacks=callbacks, verbose=2) # verbose=2 to avoid printing a progress bar to *.out files. | |||
<!--T:181--> | |||
}} | |||
==Creating model checkpoints== <!--T:146--> | |||
Whether or not you expect your code to run for long time periods, it is a good habit to create Checkpoints during training. A checkpoint is a snapshot of your model at a given point during the training process (after a certain number of iterations or after a number of epochs) that is saved to disk and can be loaded at a later time. It is a handy way of breaking jobs that are expected to run for a very long time, into multiple shorter jobs that may get allocated on the cluster more quickly. It is also a good way of avoiding losing progress in case of unexpected errors in your code or node failures. | |||
===With Keras=== <!--T:147--> | |||
<!--T:148--> | |||
To create a checkpoint when training with <code>keras</code>, we recommend using the <code>callbacks</code> parameter of the <code>model.fit()</code> method. The following example shows how to instruct TensorFlow to create a checkpoint at the end of every training epoch: | |||
<!--T:149--> | |||
callbacks = [tf.keras.callbacks.ModelCheckpoint(filepath="./ckpt",save_freq="epoch")] # Make sure the path where you want to create the checkpoint exists | |||
model.fit(dataset, epochs=10 , callbacks=callbacks) | |||
<!--T:150--> | |||
For more information, please refer to the [https://www.tensorflow.org/api_docs/python/tf/keras/callbacks/ModelCheckpoint official TensorFlow documentation]. | |||
===With a custom training loop=== <!--T:151--> | |||
<!--T:152--> | |||
Please refer to the [https://www.tensorflow.org/guide/checkpoint#writing_checkpoints official TensorFlow documentation]. | |||
==Custom TensorFlow operators== <!--T:74--> | |||
In your research, you may come across [https://github.com/Yang7879/3D-BoNet code that leverages custom operators] that are not part of the core tensorflow distribution, or you might want to [https://www.tensorflow.org/guide/create_op create your own]. In both cases, you will need to compile your custom operators <i>before</i> submitting your job. To ensure your code will run correctly, follow the steps below. | |||
<!--T:75--> | <!--T:75--> | ||
Line 548: | Line 744: | ||
===TensorFlow <= 1.4.x=== <!--T:76--> | ===TensorFlow <= 1.4.x=== <!--T:76--> | ||
If your custom operator | If your custom operator <b>is</b> GPU-enabled: | ||
<!--T:77--> | <!--T:77--> | ||
Line 558: | Line 754: | ||
<!--T:78--> | <!--T:78--> | ||
If your custom operator | If your custom operator <b>is not</b> GPU-enabled: | ||
<!--T:79--> | <!--T:79--> | ||
Line 566: | Line 762: | ||
===TensorFlow > 1.4.x=== <!--T:80--> | ===TensorFlow > 1.4.x=== <!--T:80--> | ||
If your custom operator | If your custom operator <b>is</b> GPU-enabled: | ||
<!--T:81--> | <!--T:81--> | ||
Line 576: | Line 772: | ||
<!--T:82--> | <!--T:82--> | ||
If your custom operator | If your custom operator <b>is not</b> GPU-enabled: | ||
<!--T:83--> | <!--T:83--> | ||
Line 593: | Line 789: | ||
<!--T:56--> | <!--T:56--> | ||
This is because the tensorflow library tries to load a bundled version of OMP which conflicts with the system version. The workaround is as follows: | This is because the tensorflow library tries to load a bundled version of OMP which conflicts with the system version. The workaround is as follows: | ||
{{Commands| | {{Commands|prompt=(tf_skimage_venv) name@server $ | ||
prompt=(tf_skimage_venv) name@server $ | |||
|cd tf_skimage_venv | |cd tf_skimage_venv | ||
|export LIBIOMP_PATH{{=}}$(strace python -c 'from skimage.transform import AffineTransform' 2>&1 {{!}} grep -v ENOENT {{!}} grep -ohP -e '(?<{{=}}")[^"]+libiomp5.so(?{{=}}")' {{!}} xargs realpath) | |export LIBIOMP_PATH{{=}}$(strace python -c 'from skimage.transform import AffineTransform' 2>&1 {{!}} grep -v ENOENT {{!}} grep -ohP -e '(?<{{=}}")[^"]+libiomp5.so(?{{=}}")' {{!}} xargs realpath) | ||
Line 629: | Line 824: | ||
<!--T:61--> | <!--T:61--> | ||
{{Command| prompt=[name@server ...Ulinux_Slib] $ |ln -sf $(cat libiomp5.so) libiomp5.so}} | {{Command|prompt=[name@server ...Ulinux_Slib] $ |ln -sf $(cat libiomp5.so) libiomp5.so}} | ||
<!--T:62--> | <!--T:62--> | ||
Line 658: | Line 853: | ||
<!--T:73--> | <!--T:73--> | ||
As of TF 2.1, there does not seem to be a way to set a CPU count. | As of TF 2.1, there does not seem to be a way to set a CPU count. | ||
==Known issues== <!--T:183--> | |||
A bug sneaked into the Keras implementation of Tensorflow after version 2.8.3. It affects the performance of the layers used for data augmentation with prefix <i>tf.keras.layers.Random</i> (like <i>tf.keras.layers.RandomRotation</i>, <i>tf.keras.layers.RandomTranslation</i>, etc). It significantly slows down the training process by more than 100 times. The bug is fixed in version 2.12. | |||
</translate> | </translate> |
Latest revision as of 17:55, 12 July 2024
TensorFlow is an open-source software library for Machine Intelligence.
If you are porting a TensorFlow program to an Alliance cluster, you should follow our tutorial on machine learning.
Installing TensorFlow
These instructions install TensorFlow in your /home directory using Alliance's prebuilt Python wheels. Custom Python wheels are stored in /cvmfs/soft.computecanada.ca/custom/python/wheelhouse/
. To install a TensorFlow wheel, we will use the pip
command and install it into a Python virtual environment.
Load modules required by TensorFlow. In some cases, other modules may be required (e.g. CUDA).
[name@server ~]$ module load python/3
Create a new Python virtual environment.
[name@server ~]$ virtualenv --no-download tensorflow
Activate your newly created Python virtual environment.
[name@server ~]$ source tensorflow/bin/activate
Install TensorFlow in your newly created virtual environment using the following command.
(tensorflow) [name@server ~]$ pip install --no-index tensorflow==2.8
Load modules required by TensorFlow. TF 1.x requires StdEnv/2018.
Note: TF 1.x is not available on Narval, since StdEnv/2018 is not available on this cluster.
[name@server ~]$ module load StdEnv/2018 python/3
Create a new Python virtual environment.
[name@server ~]$ virtualenv --no-download tensorflow
Activate your newly created Python virtual environment.
[name@server ~]$ source tensorflow/bin/activate
Install TensorFlow in your newly created virtual environment using one of the commands below, depending on whether you need to use a GPU.
Do not install the tensorflow
package (without the _cpu
or _gpu
suffixes) as it has compatibility issues with other libraries.
CPU-only
(tensorflow) [name@server ~]$ pip install --no-index tensorflow_cpu==1.15.0
GPU
(tensorflow) [name@server ~]$ pip install --no-index tensorflow_gpu==1.15.0
R package
To use TensorFlow in R, you will need to first follow the preceding instructions on creating a virtual environment and installing TensorFlow in it. Once this is done, follow these instructions.
Load the required modules.
[name@server ~]$ module load gcc r
Activate your Python virtual environment.
[name@server ~]$ source tensorflow/bin/activate
Launch R.
(tensorflow)_[name@server ~]$ R
In R, install package devtools, then tensorflow:
install.packages('devtools', repos='https://cloud.r-project.org')
devtools::install_github('rstudio/tensorflow')
You are then good to go. Do not call install_tensorflow()
in R, as TensorFlow has already been installed in your virtual environment with pi
p. To use the TensorFlow installed in your virtual environment, enter the following commands in R after the environment has been activated.
library(tensorflow)
use_virtualenv(Sys.getenv('VIRTUAL_ENV'))
Submitting a TensorFlow job with a GPU
Once you have the above setup completed, you can submit a TensorFlow job.
[name@server ~]$ sbatch tensorflow-test.sh
The job submission script contains
#!/bin/bash
#SBATCH --gres=gpu:1 # request GPU "generic resource"
#SBATCH --cpus-per-task=6 # maximum CPU cores per GPU request: 6 on Cedar, 16 on Graham.
#SBATCH --mem=32000M # memory per node
#SBATCH --time=0-03:00 # time (DD-HH:MM)
#SBATCH --output=%N-%j.out # %N for node name, %j for jobID
module load cuda cudnn
source tensorflow/bin/activate
python ./tensorflow-test.py
while the Python script has the form
import tensorflow as tf
node1 = tf.constant(3.0)
node2 = tf.constant(4.0)
print(node1, node2)
print(node1 + node2)
import tensorflow as tf
node1 = tf.constant(3.0)
node2 = tf.constant(4.0)
print(node1, node2)
sess = tf.Session()
print(sess.run(node1 + node2))
Once the job has completed (should take less than a minute), you should see an output file called something like cdr116-122907.out
with contents similar to the following (the logged messages from TensorFlow are only examples, expect different messages and more messages):
2017-07-10 12:35:19.491097: I tensorflow/core/common_runtime/gpu/gpu_device.cc:961] DMA: 0
2017-07-10 12:35:19.491156: I tensorflow/core/common_runtime/gpu/gpu_device.cc:971] 0: Y
2017-07-10 12:35:19.520737: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1030] Creating TensorFlow device (/gpu:0) -> (device: 0, name: Tesla P100-PCIE-12GB, pci bus id: 0000:82:00.0)
tf.Tensor(3.0, shape=(), dtype=float32) tf.Tensor(4.0, shape=(), dtype=float32)
tf.Tensor(7.0, shape=(), dtype=float32)
2017-07-10 12:35:19.491097: I tensorflow/core/common_runtime/gpu/gpu_device.cc:961] DMA: 0
2017-07-10 12:35:19.491156: I tensorflow/core/common_runtime/gpu/gpu_device.cc:971] 0: Y
2017-07-10 12:35:19.520737: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1030] Creating TensorFlow device (/gpu:0) -> (device: 0, name: Tesla P100-PCIE-12GB, pci bus id: 0000:82:00.0)
Tensor("Const:0", shape=(), dtype=float32) Tensor("Const_1:0", shape=(), dtype=float32)
7.0
TensorFlow can run on all GPU node types. Cedar's GPU large node type, which is equipped with 4 x P100-PCIE-16GB with GPUDirect P2P enabled between each pair, is highly recommended for large-scale deep learning or machine learning research. See Using GPUs with SLURM for more information.
Monitoring
It is possible to connect to the node running a job and execute processes. This can be used to monitor resources used by TensorFlow and to visualize the progress of the training. See Attaching to a running job for examples.
TensorBoard
TensorFlow comes with a suite of visualization tools called TensorBoard. TensorBoard operates by reading TensorFlow events and model files. To know how to create these files, read TensorBoard tutorial on summaries.
TensorBoard requires too much processing power to be run on a login node. Users are strongly encouraged to execute it in the same job as the Tensorflow process. To do so, launch TensorBoard in the background by calling it before your python script, and appending an ampersand (&
) to the call:
# Your SBATCH arguments here tensorboard --logdir=/tmp/your_log_dir --host 0.0.0.0 --load_fast false & python train.py # example
Once the job is running, to access TensorBoard with a web browser, you need to create a connection between your computer and the compute node running TensorFlow and TensorBoard. To do this you first need the hostname of the compute node running the Tensorboard server. Show the list of your jobs using the command sq
; find the job, and note the value in the "NODELIST" column (this is the hostname).
To create the connection, use the following command on your local computer:
[name@my_computer ~]$ ssh -N -f -L localhost:6006:computenode:6006 userid@cluster.computecanada.ca
Replace computenode
with the node hostname you retrieved from the preceding step, userid
by your Alliance username, cluster
by the cluster hostname (i.e.: beluga
, cedar
, graham
, etc.). If port 6006 was already in use, tensorboard will be using another one (e.g. 6007, 6008...).
Once the connection is created, go to http://localhost:6006.
TensorFlow with multi-GPUs
TensorFlow 1.x
TensorFlow provides different methods of managing variables when training models on multiple GPUs. "Parameter Server" and "Replicated" are the most two common methods.
- In this section, TensorFlow Benchmarks code will be used as an example to explain the different methods. Users can reference the TensorFlow Benchmarks code to implement their own.
Parameter server
Variables are stored on a parameter server that holds the master copy of the variable. In distributed training, the parameter servers are separate processes in the different devices. For each step, each tower gets a copy of the variables from the parameter server, and sends its gradients to the param server.
Parameters can be stored in a CPU:
python tf_cnn_benchmarks.py --variable_update=parameter_server --local_parameter_device=cpu
or a GPU:
python tf_cnn_benchmarks.py --variable_update=parameter_server --local_parameter_device=gpu
Replicated
With this method, each GPU has its own copy of the variables. To apply gradients, an all_reduce algorithm or or regular cross-device aggregation is used to replicate the combined gradients to all towers (depending on the all_reduce_spec parameter's setting).
All reduce method can be default:
python tf_cnn_benchmarks.py --variable_update=replicated
Xring --- use one global ring reduction for all tensors:
python tf_cnn_benchmarks.py --variable_update=replicated --all_reduce_spec=xring
Pscpu --- use CPU at worker 0 to reduce all tensors:
python tf_cnn_benchmarks.py --variable_update=replicated --all_reduce_spec=pscpu
NCCL --- use NCCL to locally reduce all tensors:
python tf_cnn_benchmarks.py --variable_update=replicated --all_reduce_spec=nccl
Different variable managing methods perform differently with different models. Users are highly recommended to test their own models with all methods on different types of GPU node.
Benchmarks
This section will give ResNet-50 and VGG-16 benchmarking results on both Graham and Cedar with single and multiple GPUs using different methods for managing variables. TensorFlow v1.5 (built with CUDA 9 and cuDNN 7) is used. The benchmark can be found on github at TensorFlow Benchmarks.
- ResNet-50
Batch size is 32 per GPU. Data parallelism is used. (Results in "images per second")
Node type | 1 GPU | Number of GPUs | ps,cpu | ps, gpu | replicated | replicated, xring | replicated, pscpu | replicated, nccl |
---|---|---|---|---|---|---|---|---|
Graham GPU node | 171.23 | 2 | 93.31 | 324.04 | 318.33 | 316.01 | 109.82 | 315.99 |
Cedar GPU Base | 172.99 | 4 | 662.65 | 595.43 | 616.02 | 490.03 | 645.04 | 608.95 |
Cedar GPU Large | 205.71 | 4 | 673.47 | 721.98 | 754.35 | 574.91 | 664.72 | 692.25 |
- VGG-16
Batch size is 32 per GPU. Data parallelism is used. (Results in images per second)
Node type | 1 GPU | Number of GPUs | ps,cpu | ps, gpu | replicated | replicated, xring | replicated, pscpu | replicated, nccl |
---|---|---|---|---|---|---|---|---|
Graham GPU node | 115.89 | 2 | 91.29 | 194.46 | 194.43 | 203.83 | 132.19 | 219.72 |
Cedar GPU Base | 114.77 | 4 | 232.85 | 280.69 | 274.41 | 341.29 | 330.04 | 388.53 |
Cedar GPU Large | 137.16 | 4 | 175.20 | 379.80 | 336.72 | 417.46 | 225.37 | 490.52 |
TensorFlow 2.x
Much like TensorFlow 1.x, TensorFlow 2.x offers a number of different strategies to make use of multiple GPUs through the high-level API tf.distribute
. In the following sections, we provide code examples of each strategy using Keras for simplicity. For more details, please refer to the official TensorFlow documentation.
Mirrored strategy
Single node
#!/bin/bash
#SBATCH --nodes 1
#SBATCH --gres=gpu:4
#SBATCH --mem=8G
#SBATCH --time=0-00:30
#SBATCH --output=%N-%j.out
module load python/3
virtualenv --no-download $SLURM_TMPDIR/env
source $SLURM_TMPDIR/env/bin/activate
pip install --no-index tensorflow
export NCCL_BLOCKING_WAIT=1 #Set this environment variable if you wish to use the NCCL backend for inter-GPU communication.
python tensorflow-singleworker.py
The Python script tensorflow-singleworker.py
has the form:
import tensorflow as tf
import numpy as np
import argparse
parser = argparse.ArgumentParser(description='cifar10 classification models, tensorflow MirroredStrategy test')
parser.add_argument('--lr', default=0.001, help='')
parser.add_argument('--batch_size', type=int, default=256, help='')
args = parser.parse_args()
strategy = tf.distribute.MirroredStrategy()
with strategy.scope():
model = tf.keras.Sequential()
model.add(tf.keras.layers.Conv2D(32, (3, 3), padding='same',
input_shape=(32,32,3)))
model.add(tf.keras.layers.Activation('relu'))
model.add(tf.keras.layers.Conv2D(32, (3, 3)))
model.add(tf.keras.layers.Activation('relu'))
model.add(tf.keras.layers.MaxPooling2D(pool_size=(2, 2)))
model.add(tf.keras.layers.Dropout(0.25))
model.add(tf.keras.layers.Conv2D(64, (3, 3), padding='same'))
model.add(tf.keras.layers.Activation('relu'))
model.add(tf.keras.layers.Conv2D(64, (3, 3)))
model.add(tf.keras.layers.Activation('relu'))
model.add(tf.keras.layers.MaxPooling2D(pool_size=(2, 2)))
model.add(tf.keras.layers.Dropout(0.25))
model.add(tf.keras.layers.Flatten())
model.add(tf.keras.layers.Dense(512))
model.add(tf.keras.layers.Activation('relu'))
model.add(tf.keras.layers.Dropout(0.5))
model.add(tf.keras.layers.Dense(10))
model.compile(loss=tf.keras.losses.SparseCategoricalCrossentropy(from_logits=True),
optimizer=tf.keras.optimizers.SGD(learning_rate=args.lr),metrics=['accuracy'])
### This next line will attempt to download the CIFAR10 dataset from the internet if you don't already have it stored in ~/.keras/datasets.
### Run this line on a login node prior to submitting your job, or manually download the data from
### https://www.cs.toronto.edu/~kriz/cifar-10-python.tar.gz, rename to "cifar-10-batches-py.tar.gz" and place it under ~/.keras/datasets
(x_train, y_train),_ = tf.keras.datasets.cifar10.load_data()
dataset = tf.data.Dataset.from_tensor_slices((x_train, y_train)).batch(args.batch_size)
model.fit(dataset, epochs=2)
Multiple nodes
The syntax to use multiple GPUs distributed across multiple nodes is very similar to the single node case, the most notable difference being the use of MultiWorkerMirroredStrategy()
. Here, we use SlurmClusterResolver()
to tell TensorFlow to acquire all the necessary job information from SLURM, instead of manually assigning master and worker nodes, for example. We also need to add CommunicationImplementation.NCCL
to the distribution strategy to specify that we want to use Nvidia's NCCL backend for inter-GPU communications. This was not necessary in the single-node case, as NCCL is the default backend with MirroredStrategy()
.
#!/bin/bash
#SBATCH --nodes 2 # Request 2 nodes so all resources are in two nodes.
#SBATCH --gres=gpu:2 # Request 2 GPU "generic resources”. You will get 2 per node.
#SBATCH --ntasks-per-node=2 # Request 1 process per GPU. You will get 1 CPU per process by default. Request more CPUs with the "cpus-per-task" parameter if your input pipeline can handle parallel data-loading/data-transforms
#SBATCH --mem=8G
#SBATCH --time=0-00:30
#SBATCH --output=%N-%j.out
srun -N $SLURM_NNODES -n $SLURM_NNODES config_env.sh
module load gcc/9.3.0 cuda/11.8
export NCCL_BLOCKING_WAIT=1 #Set this environment variable if you wish to use the NCCL backend for inter-GPU communication.
export XLA_FLAGS=--xla_gpu_cuda_data_dir=$CUDA_HOME
srun launch_training.sh
Where config_env.sh
has the form:
#!/bin/bash
module load python
virtualenv --no-download $SLURM_TMPDIR/ENV
source $SLURM_TMPDIR/ENV/bin/activate
pip install --upgrade pip --no-index
pip install --no-index tensorflow
echo "Done installing virtualenv!"
The script launch_training.sh
has the form:
#!/bin/bash
source $SLURM_TMPDIR/ENV/bin/activate
python tensorflow-multiworker.py
And the Python script tensorflow-multiworker.py
has the form:
import tensorflow as tf
import numpy as np
import argparse
parser = argparse.ArgumentParser(description='cifar10 classification models, tensorflow MultiWorkerMirrored test')
parser.add_argument('--lr', default=0.001, help='')
parser.add_argument('--batch_size', type=int, default=256, help='')
args = parser.parse_args()
cluster_config = tf.distribute.cluster_resolver.SlurmClusterResolver()
comm_options = tf.distribute.experimental.CommunicationOptions(implementation=tf.distribute.experimental.CommunicationImplementation.NCCL)
strategy = tf.distribute.MultiWorkerMirroredStrategy(cluster_resolver=cluster_config, communication_options=comm_options)
with strategy.scope():
model = tf.keras.Sequential()
model.add(tf.keras.layers.Conv2D(32, (3, 3), padding='same',
input_shape=(32,32,3)))
model.add(tf.keras.layers.Activation('relu'))
model.add(tf.keras.layers.Conv2D(32, (3, 3)))
model.add(tf.keras.layers.Activation('relu'))
model.add(tf.keras.layers.MaxPooling2D(pool_size=(2, 2)))
model.add(tf.keras.layers.Dropout(0.25))
model.add(tf.keras.layers.Conv2D(64, (3, 3), padding='same'))
model.add(tf.keras.layers.Activation('relu'))
model.add(tf.keras.layers.Conv2D(64, (3, 3)))
model.add(tf.keras.layers.Activation('relu'))
model.add(tf.keras.layers.MaxPooling2D(pool_size=(2, 2)))
model.add(tf.keras.layers.Dropout(0.25))
model.add(tf.keras.layers.Flatten())
model.add(tf.keras.layers.Dense(512))
model.add(tf.keras.layers.Activation('relu'))
model.add(tf.keras.layers.Dropout(0.5))
model.add(tf.keras.layers.Dense(10))
model.compile(loss=tf.keras.losses.SparseCategoricalCrossentropy(from_logits=True),
optimizer=tf.keras.optimizers.SGD(learning_rate=args.lr),metrics=['accuracy'])
### This next line will attempt to download the CIFAR10 dataset from the internet if you don't already have it stored in ~/.keras/datasets.
### Run this line on a login node prior to submitting your job, or manually download the data from
### https://www.cs.toronto.edu/~kriz/cifar-10-python.tar.gz, rename to "cifar-10-batches-py.tar.gz" and place it under ~/.keras/datasets
(x_train, y_train),_ = tf.keras.datasets.cifar10.load_data()
dataset = tf.data.Dataset.from_tensor_slices((x_train, y_train)).batch(args.batch_size)
model.fit(dataset, epochs=2)
Horovod
Horovod is a distributed deep learning training framework for TensorFlow, Keras, PyTorch, and Apache MXNet. The following is the same tutorial from above reimplemented using Horovod:
#!/bin/bash
#SBATCH --nodes 1
#SBATCH --gres=gpu:2 # Request 2 GPU "generic resources”. You will get 2 per node.
#SBATCH --ntasks-per-node=2 # Request 1 process per GPU. You will get 1 CPU per process by default. Request more CPUs with the "cpus-per-task" parameter if your input pipeline can handle parallel data-loading/data-transforms
#SBATCH --mem=8G
#SBATCH --time=0-00:30
#SBATCH --output=%N-%j.out
module load StdEnv/2020
module load python/3.8
virtualenv --no-download $SLURM_TMPDIR/env
source $SLURM_TMPDIR/env/bin/activate
pip install --no-index tensorflow==2.5.0 horovod
export NCCL_BLOCKING_WAIT=1 #Set this environment variable if you wish to use the NCCL backend for inter-GPU communication.
srun python tensorflow-horovod.py
import tensorflow as tf
import numpy as np
import horovod.tensorflow.keras as hvd
import argparse
parser = argparse.ArgumentParser(description='cifar10 classification models, tensorflow horovod test')
parser.add_argument('--lr', default=0.001, help='')
parser.add_argument('--batch_size', type=int, default=256, help='')
args = parser.parse_args()
hvd.init()
gpus = tf.config.experimental.list_physical_devices('GPU')
tf.config.experimental.set_visible_devices(gpus[hvd.local_rank()], 'GPU')
model = tf.keras.Sequential()
model.add(tf.keras.layers.Conv2D(32, (3, 3), padding='same',
input_shape=(32,32,3)))
model.add(tf.keras.layers.Activation('relu'))
model.add(tf.keras.layers.Conv2D(32, (3, 3)))
model.add(tf.keras.layers.Activation('relu'))
model.add(tf.keras.layers.MaxPooling2D(pool_size=(2, 2)))
model.add(tf.keras.layers.Dropout(0.25))
model.add(tf.keras.layers.Conv2D(64, (3, 3), padding='same'))
model.add(tf.keras.layers.Activation('relu'))
model.add(tf.keras.layers.Conv2D(64, (3, 3)))
model.add(tf.keras.layers.Activation('relu'))
model.add(tf.keras.layers.MaxPooling2D(pool_size=(2, 2)))
model.add(tf.keras.layers.Dropout(0.25))
model.add(tf.keras.layers.Flatten())
model.add(tf.keras.layers.Dense(512))
model.add(tf.keras.layers.Activation('relu'))
model.add(tf.keras.layers.Dropout(0.5))
model.add(tf.keras.layers.Dense(10))
optimizer = tf.keras.optimizers.SGD(learning_rate=args.lr)
optimizer = hvd.DistributedOptimizer(optimizer)
model.compile(loss=tf.keras.losses.SparseCategoricalCrossentropy(from_logits=True),
optimizer=optimizer,metrics=['accuracy'])
callbacks = [
hvd.callbacks.BroadcastGlobalVariablesCallback(0),
]
### This next line will attempt to download the CIFAR10 dataset from the internet if you don't already have it stored in ~/.keras/datasets.
### Run this line on a login node prior to submitting your job, or manually download the data from
### https://www.cs.toronto.edu/~kriz/cifar-10-python.tar.gz, rename to "cifar-10-batches-py.tar.gz" and place it under ~/.keras/datasets
(x_train, y_train),_ = tf.keras.datasets.cifar10.load_data()
dataset = tf.data.Dataset.from_tensor_slices((x_train, y_train)).batch(args.batch_size)
model.fit(dataset, epochs=2, callbacks=callbacks, verbose=2) # verbose=2 to avoid printing a progress bar to *.out files.
Creating model checkpoints
Whether or not you expect your code to run for long time periods, it is a good habit to create Checkpoints during training. A checkpoint is a snapshot of your model at a given point during the training process (after a certain number of iterations or after a number of epochs) that is saved to disk and can be loaded at a later time. It is a handy way of breaking jobs that are expected to run for a very long time, into multiple shorter jobs that may get allocated on the cluster more quickly. It is also a good way of avoiding losing progress in case of unexpected errors in your code or node failures.
With Keras
To create a checkpoint when training with keras
, we recommend using the callbacks
parameter of the model.fit()
method. The following example shows how to instruct TensorFlow to create a checkpoint at the end of every training epoch:
callbacks = [tf.keras.callbacks.ModelCheckpoint(filepath="./ckpt",save_freq="epoch")] # Make sure the path where you want to create the checkpoint exists model.fit(dataset, epochs=10 , callbacks=callbacks)
For more information, please refer to the official TensorFlow documentation.
With a custom training loop
Please refer to the official TensorFlow documentation.
Custom TensorFlow operators
In your research, you may come across code that leverages custom operators that are not part of the core tensorflow distribution, or you might want to create your own. In both cases, you will need to compile your custom operators before submitting your job. To ensure your code will run correctly, follow the steps below.
First, create a Python virtual environment and install a tensorflow version compatible with your custom operators. Then go to the directory containing the operators source code and follow the next steps according to the version you installed:
TensorFlow <= 1.4.x
If your custom operator is GPU-enabled:
[name@server ~]$ module load cuda/<version>
[name@server ~]$ nvcc <operator>.cu -o <operator>.cu.o -c -O2 -DGOOGLE_CUDA=1 -x cu -Xcompiler -fPI
[name@server ~]$ g++ -std=c++11 <operator>.cpp <operator>.cu.o -o <operator>.so -shared -fPIC -I /<path to python virtual env>/lib/python<version>/site-packages/tensorflow/include -I/<path to python virtual env>/lib/python<version>/site-packages/tensorflow/include/external/nsync/public -I /usr/local/cuda-<version>/include -lcudart -L /usr/local/cuda-<version>/lib64/
If your custom operator is not GPU-enabled:
[name@server ~]$ g++ -std=c++11 <operator>.cpp -o <operator>.so -shared -fPIC -I /<path to python virtual env>/lib/python<version>/site-packages/tensorflow/include -I/<path to python virtual env>/lib/python<version>/site-packages/tensorflow/include/external/nsync/public
TensorFlow > 1.4.x
If your custom operator is GPU-enabled:
[name@server ~]$ module load cuda/<version>
[name@server ~]$ nvcc <operator>.cu -o <operator>.cu.o -c -O2 -DGOOGLE_CUDA=1 -x cu -Xcompiler -fPI
[name@server ~]$ g++ -std=c++11 <operator>.cpp <operator>.cu.o -o <operator>.so -shared -fPIC -I /<path to python virtual env>/lib/python<version>/site-packages/tensorflow/include -I /usr/local/cuda-<version>/include -I /<path to python virtual env>/lib/python<version>/site-packages/tensorflow/include/external/nsync/public -lcudart -L /usr/local/cuda-<version>/lib64/ -L /<path to python virtual env>/lib/python<version>/site-packages/tensorflow -ltensorflow_framework
If your custom operator is not GPU-enabled:
[name@server ~]$ g++ -std=c++11 <operator>.cpp -o <operator>.so -shared -fPIC -I /<path to python virtual env>/lib/python<version>/site-packages/tensorflow/include -I /<path to python virtual env>/lib/python<version>/site-packages/tensorflow/include/external/nsync/public -L /<path to python virtual env>/lib/python<version>/site-packages/tensorflow -ltensorflow_framework
Troubleshooting
scikit image
If you are using the scikit-image library, you may get the following error:
OMP: Error #15: Initializing libiomp5.so, but found libiomp5.so already initialized.
This is because the tensorflow library tries to load a bundled version of OMP which conflicts with the system version. The workaround is as follows:
(tf_skimage_venv) name@server $ cd tf_skimage_venv
(tf_skimage_venv) name@server $ export LIBIOMP_PATH=$(strace python -c 'from skimage.transform import AffineTransform' 2>&1 | grep -v ENOENT | grep -ohP -e '(?<=")[^"]+libiomp5.so(?=")' | xargs realpath)
(tf_skimage_venv) name@server $ find -path '*_solib_local*' -name libiomp5.so -exec ln -sf $LIBIOMP_PATH {} \;
This will patch the tensorflow library installation to use the systemwide libiomp5.so.
libcupti.so
Some tracing features of Tensorflow require libcupti.so to be available, and might give the following error if they are not:
I tensorflow/stream_executor/dso_loader.cc:142] Couldn't open CUDA library libcupti.so.9.0. LD_LIBRARY_PATH: /usr/local/cuda-9.0/lib64
The solution is to run the following before executing your script:
[name@server ~]$ module load cuda/9.0.xxx
[name@server ~]$ export LD_LIBRARY_PATH=$LD_LIBRARY_PATH:$CUDA_HOME/extras/CUPTI/lib64/
Where xxx is the appropriate CUDA version, which can be found using module av cuda
libiomp5.so invalid ELF header
Sometimes the libiomp5.so
shared object file will be erroneously installed as a text file. This might result in errors like the following:
/home/username/venv/lib/python3.6/site-packages/tensorflow/python/../../_solib_local/_U@mkl_Ulinux_S_S_Cmkl_Ulibs_Ulinux___Uexternal_Smkl_Ulinux_Slib/libiomp5.so: invalid ELF header
The workaround for such errors is to access the directory mentioned in the error (i.e. [...]/_U@mkl_Ulinux_S_S_Cmkl_Ulibs_Ulinux___Uexternal_Smkl_Ulinux_Slib
) and execute the following command:
[name@server ...Ulinux_Slib] $ ln -sf $(cat libiomp5.so) libiomp5.so
This will replace the text file with the correct symbolic link.
Controlling the number of CPUs and threads
TensorFlow 1.x
The config parameters device_count
, intra_op_parallelism_threads
and inter_op_parallelism_threads
influence the number of threads used by TensorFlow. You can set those parameters when instantiating a session:
tf.Session(config=tf.ConfigProto(device_count={'CPU': num_cpus}, intra_op_parallelism_threads=num_intra_threads, inter_op_parallelism_threads=num_inter_threads))
For example, if you want to run multiple instances of TF in parallel on a single node, you might want to reduce those values, potentially down to 1
.
TensorFlow 2.x
Sessions are not used anymore in TF 2.x, so here is the approach for configuring threads:
tf.config.threading.set_inter_op_parallelism_threads(num_threads) tf.config.threading.set_intra_op_parallelism_threads(num_threads)
As of TF 2.1, there does not seem to be a way to set a CPU count.
Known issues
A bug sneaked into the Keras implementation of Tensorflow after version 2.8.3. It affects the performance of the layers used for data augmentation with prefix tf.keras.layers.Random (like tf.keras.layers.RandomRotation, tf.keras.layers.RandomTranslation, etc). It significantly slows down the training process by more than 100 times. The bug is fixed in version 2.12.