Google Cloud TPUs (Tensor Processing Units) accelerate machine learning workloads developed using TensorFlow. This tag is used for questions about using the Google Cloud TPU service. Topics can range from the service user experience, issues with the trainer program written with Tensorflow, project quota issues, security, authentication, etc.
Questions tagged [google-cloud-tpu]
188 questions
0
votes
1 answer
TPU support for image augmentation with transforms
I recently re-coded my input image pipeline using tf functions and tf records so that I could use TPUs (was previously using a custom tf.py_function with opencv). The problem is that I used tfa.image.transform to apply rotation and scaling…

wmcnally
- 147
- 2
- 14
0
votes
1 answer
How can I use TPU from colab in tensorflow 1.x about this code of tensorflow 2.x?
code of tensorflow 2.x as below:
import tensorflow as tf
import os
import tensorflow_datasets as tfds
resolver =tf.distribute.cluster_resolver.TPUClusterResolver(tpu='grpc://'+
…

ZheZhang
- 21
- 2
0
votes
1 answer
TRANSIENT_ERROR for TPU in Google Colab
I'm trying to run a lrcn keras model on TPUs with tensorflow 2.0. The model and generator work on CPU/GPU but I included them for reference. I also initialize the TPU and it is visible and everything looks good except for when I run .fit():
def…

Seth Kitchen
- 1,526
- 19
- 53
0
votes
1 answer
Inference on TPU for model trained on GPU (Tensorflow Object Detection API)
I try to follow the guide below on exporting some Object Detection Model (based on Tensorflow Object Detection API) trained with GPU to be use in TPU for…

Chew Kok Wah
- 1
- 1
0
votes
1 answer
Example (keras) for custom image data generator(with augmentation) on google colab TPU
I wrote a resnet-based model with Keras, train on image data with augmentation. I intend to use google colab TPU, but all examples I could found do not work, can anyone show me an example?

tianxing wang
- 1
- 1
0
votes
1 answer
Why is Google colab TPU slow?
I'm using Talos to run hyperparameter tuning of a Keras model. Running this short code on Google colab TPU is very slow. I think it has something to do with the type of data. Should I convert it to tensors to make the TPU faster?
%tensorflow_version…

Sami Belkacem
- 336
- 3
- 12
0
votes
1 answer
Goggle Colab: Variable tpu_140268413570632//kernel/0 already exists
I'm using google colab for the first time, and I'm testing the TPU. But when I run my keras model, I get the error ValueError: Variable tpu_140268413570632//kernel/0 already exists, disallowed. Did you mean to set reuse=True or reuse=tf.AUTO_REUSE…

Hr2944
- 5
- 4
0
votes
1 answer
Google cloud TPU: mixing different tf.distribute.Strategy
I'm using Talos and Google colab TPU to run hyperparameter tuning of a Keras model. Note that I'm using Tensorflow 2.0.0 and Keras 2.2.4-tf.
# pip install --upgrade tensorflow
# pip install --upgrade --force-reinstall tensorflow-gpu
import…

Sami Belkacem
- 336
- 3
- 12
0
votes
2 answers
Google Colab TPU: TF.data and TF.keras not working
I'm using Talos and Google colab TPU to run hyperparameter tuning of a Keras model. I'm using Tensorflow 2.0.0 and Keras 2.2.4-tf:
import os
import tensorflow as tf
import talos as ta
from tensorflow.keras.models import Sequential
from…

Sami Belkacem
- 336
- 3
- 12
0
votes
2 answers
TPU suddenly stops training
I am trying to train a transformer model using a TPU in Google Cloud by following the instructions in the official tutorial.
Loading the data worked fine, and after running
t2t-trainer \
--model=transformer \
--hparams_set=transformer_tpu \
…

Christopher
- 2,005
- 3
- 24
- 50
0
votes
1 answer
what's the "ip address range" when you create TPU node?
what's the "ip address range" when you create TPU node?
and it always give the following error;
:Quota limit 'TPUV3sPerProjectPerRegionForTPUAPI,TPUV3sPerProjectPerZoneForTPUAPI' has been exceeded.
Limit: 0,0 in region us-central1,zone…
user7862197
0
votes
1 answer
TF1.14][TPU]Can not use custom TFrecord dataset on Colab using TPU
I have created a TFRecord dataset file consisting elements and their corresponding labels. I want to use it for training model on Colab using free TPU. I can load the TFRecord file and even run an iterator just to see the contents however, before…

Rishabh Sahrawat
- 2,437
- 1
- 15
- 32
0
votes
2 answers
TPU RetinaNet - TypeError
I create my dataset and converted to COCO. RetinaNet already installed in TPU (official). I want to use this RetinaNet to train a model with my own dataset but always getting same error.
export MODEL_DIR=${STORAGE_BUCKET}/retinanet-train-eval;…

Ahmet
- 48
- 7
0
votes
1 answer
TensorFlow 1.4: How to use BoostedTreesClassifier with Colab TPUs
I have code for BoostedTreesClassifier which works, but takes a very long time with the amount of data i'm feeding it and the parameters i'm choosing i.e max_depth
https://www.tensorflow.org/api_docs/python/tf/estimator/BoostedTreesClassifier
I'm…

Machine Learning
- 485
- 6
- 15
0
votes
2 answers
Residual neural network model runs very slowly on google colab tpu hardware?
I've made a residual neural network model on Google Colab in keras for the cifar10 dataset, but it runs very slowly on TPU hardware.
I have another regular convolutional neural network that runs fine on google colab. This model uses the keras…

valentinocc
- 167
- 2
- 10