Category "tensorflow"

Tensorflow Adding visible gpu devices: 0

Adding a GPU to a TF takes a long time (about 5 minutes). 2020-10-13 20:40:44.526254: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successful

TypeError: Fetch argument None has invalid type <class 'NoneType'>, Tensor passing problem

I encapsulated a GCN network with extract_feature.py, but when I called the method in main.py to try get the output of the GCN network in extract_feature.py, it

Loading built-in Python Wrappers in TensorFlow

I'm trying to understand the complete process of exposing the built-in low-level C++ implementations to the Python API in TensorFlow. I've been looking at the s

Using datagen.flow_from_directory with image segmination and number of classes

I used "flow_from_directory" but my "lose" is not decreasing. I notice When I run "fit_generator". Its says there is 1 classes, even though my mask have 3 class

Keras: difference of InputLayer and Input

I made a model using Keras with Tensorflow. I use Inputlayer with these lines of code: img1 = tf.placeholder(tf.float32, shape=(None, img_width, img_heigh, i

Problems when installing cppflow

I am trying to use the c++ wrapper for tensorflow api from https://github.com/serizba/cppflow. I have copied the git repository. Downloaded the tensorflow api

use tfds.load download the datasets error

when i want to download the datasets by tfds.load(),just like that ratings = tfds.load('movielens/100k-ratings', split="train") the error is: Downloading and p

Tensorflow-addons seq2seq - start and end tokens in BaseDecoder or BasicDecoder

I am writing code inspired from https://www.tensorflow.org/addons/api_docs/python/tfa/seq2seq/BasicDecoder. In the translation/generation we instantiate a Basic

I can't install Tensorflow Model Maker on Apple Silicon

I have the Apple M1 Pro chip and cannot get my tensorflow project running. I followed the installation instructions from Apple's site. When I run pip install -r

Keras LSTM fit underfitting

I have time series training data of about 5000 numbers. For each 100 numbers, I am trying to predict the 101st. At the end of the series, I would put in the pre

how to run create coco tf record from code object detection API TF

It's a silly question but I've been struggling with it for way too long now.. I'm using the object detection API from tensorflow. when I run my script as below

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