Category "tensorflow"

Sliding window input (image sequence) for convolutional neural network

I am currently trying to feed an image sequence as a single input entity to my CNN. I found the numpy utility numpy.lib.stride_tricks.sliding_window_view My ima

assertion failed: [Condition x == y did not hold element-wise:]

I have built a BiLSTM model with an attention layer for sentence classification task but I am getting an error that my assertion has failed due to mismatch in n

Changing darknet weights into tensorflow weights

I used this https://github.com/theAIGuysCode/tensorflow-yolov4-tflite rep to create my own yolov4 detection. The detection with the yolov4.weights and coco.name

ValueError: logits and labels must have the same shape ((None, 328, 328, 3) vs (None, 1)) with autoencoder

I am trying to build an autoencoder with the following code import matplotlib.pyplot as plt import numpy as np import pandas as pd import seaborn as sns import

Input 0 of layer sequential is incompatible with the layer expected ndim=3, found ndim=2. Full shape received: [None, 1]

I am working with keras for text classification. After pre-processing and vectorization my train and validation data details is like bellow: print(X_train.shape

TFA BeamSearchDecoder Clarification Request

If the question seems to dumb, it is because I am new to TensorFlow. I was implementing a toy endocer-decoder problem using TensorFlow 2’s TFA seq2seq imp

Keras - no good way to stop and resume training?

After a lot of research, it seems like there is no good way to properly stop and resume training using a Tensorflow 2 / Keras model. This is true whether you ar

Exporting Tensorflow Model - AssertionError: No checkpoint specified (save_path=None); nothing is being restored

I'm using google colab and tensorflow 2.3.0 on a Ubuntu machine, and working through the example from here: Tensorlow2 Training Custom Model This is my code: !p

Tensorflow Lite model maker: training chart possible?

i am using the Tensorflow Lite Model Maker library to train an efficient model for object detection. It works well, but I don’t know how to get graphs of

Tensorflow Lite model maker: training chart possible?

i am using the Tensorflow Lite Model Maker library to train an efficient model for object detection. It works well, but I don’t know how to get graphs of

tf.data.Dataset iterator returning Tensor("IteratorGetNext:1", shape=(None, 16), dtype=int32) but cannot get the values of the Tensors

I am trying to write a Custom Model in which I am writing a custom train_step function I am creating a 'tf.data.Dataset` from a Custom Datagenerator like tds =

Tensorflow: oversampling with SMOTE giving highly skewed results

I have an imbalanced data set of 2 classes (1 & 0). 1 is about 6 times less likelier than 0. Hence, I am using SMOTE to make the data set balanced through o

Tensorflow: num_intra_threads and num_inter_threads

I'm trying to clarify two parameters: intra_op_parallelism_threads and inter_op_parallelism_threads . I assume intra_op_parallelism_threads means the number o

What does keras 'accuracy' mean in seq2seq model?

I'm trying to build a seq2seq model to predict sequence. The most basic model was built, but I'm having trouble with understanding what 'metric=['accuracy']' me

Can you use a Jupyter notebook on my GCP VM to run TPU training in Google Cloud?

I am switching from running TPUs in colab to running TPUs in Google cloud. I am used to running training in the colab jupyter notebook, but from the GCP TPU qui

ValueError: The first argument to `Layer.call` must always be passed

I was trying to build a model with the Sequential API (it has already worked for me with the Functional API). Here is the model that I'm trying to built in Sequ

Start cannot spawn child process: No such file or directory

Hi I get this message when I run my job in slurm what does it mean? tensorflow/core/platform/default/subprocess.cc:304] Start cannot spawn child process: No suc

How do custom input_shape for Inception V3 in Keras work?

I know that the input_shape for Inception V3 is (299,299,3). But in Keras it is possible to construct versions of Inception V3 that have custom input_shape if

Keras installed through Conda breaks the Anaconda Prompt on Windows 10 [closed]

I have a Win10 OS, with Anaconda 3.6 installed, and a friend told me to install keras by using a specific conda command. Without reading any o

Keras - EarlyStopping based on user input

I am wondering if there is an easy way of creating a way of triggering early stopping in Keras based on user input rather than monitorization of any particular