tensorflow2.0 Questions
5
I'm trying to use Tensorflow with my GPU. My system is Fedora Linux 38, NVIDIA drivers 535.113.01 (currently latest) working as expected on my system.
I created a Python environment with Python 3.9...
Modernistic asked 22/10, 2023 at 0:10
4
Solved
I am trying to install the latest Tensorflow models 2.13.1 (pip install tf-models-official==2.13.1), with Python 3.11. There seems to be an issue with Cython and PyYAML not playing nice together si...
Virgy asked 25/7, 2023 at 8:11
2
Solved
I tried to run the code below, taken from CS50's AI course:
import csv
import tensorflow as tf
from sklearn.model_selection import train_test_split
# Read data in from file
with open("banknot...
Wolgast asked 4/4 at 0:28
3
Solved
I was wondering if there is a way to know the list of inputs and outputs for a particular node in tflite? I know that I can get input/outputs details, but this does not allow me to reconstruct the ...
Fabe asked 4/7, 2019 at 9:38
2
I'm encountering an issue with TensorFlow while using TensorRT. The warning message I receive is as follows:
2023-07-28 16:27:20.817724: W tensorflow/compiler/tf2tensorrt/utils/py_utils.cc:38] TF-T...
Expense asked 28/7, 2023 at 13:36
3
Solved
I made a custom layer in keras for reshaping the outputs of a CNN before feeding to ConvLSTM2D layer
class TemporalReshape(Layer):
def __init__(self,batch_size,num_patches):
super(TemporalReshape...
Medication asked 13/10, 2020 at 14:22
9
TensorFlow 2.8 was recently released and I installed it as soon as it was out. I really need it for support of higher NumPy versions and a few new features. However, after installing it in my conda...
Ratliff asked 5/2, 2022 at 17:7
8
from random import sample
index=sample(range(0, len(result)), len(result)//5*4)
description_train=[child[0] for i, child in enumerate(result) if i in index]
ipc_train=[child[1] for i, child in ...
Cyclosis asked 15/7, 2020 at 14:11
2
Solved
For my project, I need to convert a directed graph into a tensorflow implementation of the graph as if it was a neural network. In tensorflow version 1, I could just define all of my inputs as plac...
Sectorial asked 22/11, 2019 at 1:22
5
Solved
To make the results reproducible I've red more than 20 articles and added to my script maximum of the functions ... but failed.
In the official source I red there are 2 kinds of seeds - global an...
Forbear asked 7/4, 2020 at 11:26
2
I followed instructions given in the TensorFlow website to install tensorflow_hub and installed it within a conda environment.
$ pip install "tensorflow>=2.0.0"
$ pip install --upgrade...
Downandout asked 14/9, 2020 at 12:28
6
Solved
I wrote a unit-test in order to safe a model after noticing that I am not able to do so (anymore) during training.
@pytest.mark.usefixtures("maybe_run_functions_eagerly")
def test_save_mo...
Pedant asked 3/9, 2021 at 6:28
4
Solved
I am trying to use GPU with Tensorflow. My Tensorflow version is 2.4.1 and I am using Cuda version 11.2. Here is the output of nvidia-smi.
+---------------------------------------------------------...
Glenoid asked 11/4, 2021 at 13:37
6
Solved
I trained a simple mnist model with tensorflow 2.0 on Google Colab and saved it in the .json format. Click here to check out the Colab Notebook where I've written the code. Then on running the comm...
Mopboard asked 9/4, 2019 at 11:8
6
I am facing below issue while loading the pretrained model from HuggingFace.
HTTPSConnectionPool(host='huggingface.co', port=443): Max retries exceeded with url: /roberta-base/resolve/main/config.j...
Milomilon asked 31/3, 2022 at 12:19
5
I have a few tensors in my code and and need to get the values of those tensors. This is one them. How to print the values of tensor OA?
Input:OA
Output: <tf.Tensor 'Sum_1:0' shape=(1, 600) dty...
Fowlkes asked 21/2, 2020 at 12:38
4
Solved
error_giving_notebook
non_problematic_notebook
As it can be seen that I have used tf.function decorator in the 'error_giving_notebook' and it throws a ValueError while the same notebook without a...
Paradisiacal asked 12/10, 2019 at 8:32
5
Solved
Windows Version: Windows 10 Pro 21H2 19044.1706
GPU: rtx2070
import tensorflow as tf
import torch
print(torch.__version__) #1.10.1+cu113
print(torch.version.cuda) #11.3
print(tf.__version__) #2.9.1...
Crossland asked 4/6, 2022 at 11:36
2
Solved
I just asked a question on the same topic but for custom models (How do I find the derivative of a custom model in Keras?) but realised quickly that this was trying to run before I could walk so th...
Ladylike asked 4/1, 2020 at 12:44
3
Solved
I was reading the code by Aakash Nain on AugMix https://github.com/AakashKumarNain/AugMix_TF2/blob/master/utils.py
and found the word 'patience' under the Class CTEarlyStopping.
Not the first time ...
Petcock asked 4/1, 2020 at 6:47
2
If I try to change parallelism in TensorFlow 2 after initializing a tf.Variable,
import tensorflow as tf
_ = tf.Variable([1])
tf.config.threading.set_inter_op_parallelism_threads(1)
I get an err...
Iso asked 6/1, 2020 at 17:27
3
I have a tensor xx with shape:
>>> xx.shape
TensorShape([32, 32, 256])
How can I add a leading None dimension to get:
>>> xx.shape
TensorShape([None, 32, 32, 256])
I have seen m...
Petronius asked 2/3, 2020 at 10:2
2
I was reading the TensorFlow 2.0 Tutorial and I came across model subclassing to create TensorFlow 2.0 models.
The code I found was:
class MyModel(Model):
def __init__(self):
super(MyModel, sel...
Allmon asked 8/2, 2020 at 7:5
4
I am trying to use this Google's example, but with my own dataset:
https://github.com/tensorflow/examples/blob/master/tensorflow_examples/lite/model_customization/demo/text_classification.ipynb
I...
Impiety asked 13/11, 2019 at 17:55
4
I am trying to understand and debug my code. I try to predict with a CNN model developed under tf2.0/tf.keras on GPU, but get those error messages.
could someone help me to fix it?
here is my envi...
Colossal asked 28/9, 2019 at 5:29
1 Next >
© 2022 - 2024 — McMap. All rights reserved.