Category "tensorflow"

No module named 'tqdm'

I am running the following pixel recurrent neural network (RNN) code using Python 3.6 import os import logging import numpy as np from tqdm import trange impo

Tensor conversion of bool type to int type error

I'm doing an ML practice project using tensorflow to create a model. I am stuck at a problem where i have to create a filter_mask (bool) and then multiply it to

Tensorboard Error: No dashboards are active for current data set

I am trying to use Tensorboard but every time I run any program with Tensorflow, I get an error when I go to localhost:6006 to view the Visualization Here is m

Tensor error using DiffAugment for data augmentation in my own dataset . data efficient gans

I'm trying to create synthetic data from pics within a folder called Bathroom using this colab example => https://colab.research.google.com/gist/zsyzzsoft/5f

ValueError: The two structures don't have the same sequence length

Recently I tried to convert mask rcnn in this repository from tensorflow 1 to tensorflow 2. After re-writing the codes and when I run sample "shape" and execute

AttributeError: module 'tensorflow.python.pywrap_tensorflow' has no attribute 'TFE_Py_RegisterExceptionClass'

I am trying to develop some time-series sequence prediction, using the latest resources available. To that end, I did check the example code from TensorFlow tim

AttributeError: module 'pandas' has no attribute 'core'

I have installed the tensorflow library on Windows, then my Pandas library stopped working, and after pandas importing appears the same issue as by importing th

Input 0 of layer "sequential_3" is incompatible with the layer: expected shape=(None, 256, 256, 3), found shape=(None, 324, 500, 3)

I'm having an issue if anyone can help please comment input_shape=(BATCH_SIZE,256,256,3) model=models.Sequential([ resize_and_rescale, data_aug

ImportError: No module named 'keras'

So basically, I am fairly new to programming and using python. I am trying to build an ANN model for which I have to use Tensor flow, Theano and Keras library.

Tensorflow seq2seq - keep max three checkpoints not working

I am writing a seq2seq and would like to keep only three checkpoints; I thought I was implementing this with: checkpoint_dir = './training_checkpoints' checkpoi

Reverse Image search (for image duplicates) on local computer

I have a bunch of poor quality photos that I extracted from a pdf. Somebody I know has the good quality photo's somewhere on her computer(Mac), but it's my unde

tensorflow:Can save best model only with val_acc available, skipping

I have an issue with tf.callbacks.ModelChekpoint. As you can see in my log file, the warning comes always before the last iteration where the val_acc is calcula

Uncaught Error: Based on the provided shape, [1024,3], the tensor should have 3072 values but has 30

I am trying to build a Tensorflow.js app, it works all good locally, but when I hosted it (I tried Netlify and Vercel on both Firefox and Chrome) I got this err

Tensorflow's seq2seq: tensorflow.python.framework.errors_impl.InvalidArgumentError

I am following quite closely the Seq2seq for translation tutorial here https://www.tensorflow.org/addons/tutorials/networks_seq2seq_nmt#define_the_optimizer_and

Getting error in Spyder Anaconda from Keras Libraries CNN: WARNING:root:Limited tf.compat.v2.summary API due to missing TensorBoard installation

I am trying to implement the Keras libraries for Convolutional Neural Networks on my Spyder IDE using Anaconda as such: from keras.models import Sequential

nearly 0% GPU-Util but high GPU Memory

A newbie for machine learning here. I'm now training a fairly easy model from tutorial using the dataset fashion_mnist on Win10. However, the training process t

frequency of words in text not present in another text with tf.Tokenizer

I have a text A and a text B. I wish to find the percentage of words in text B (counting all occurrences) not present in the vocabulary (i.e., the list of all u

LSTM/GRU setting states to random noise instead or resetting to zero

I train the following model based on GRU, note that I am passing the argument stateful=True to the GRU builder. class LearningToSurpriseModel(tf.keras.Model):

making GRU/LSTM states trainable in Tensorflow/Keras and add some random noise

I train the following model based on GRU, note that I am passing the argument stateful=True to the GRU builder. class LearningToSurpriseModel(tf.keras.Model):

Tensorflow LSTM/GRU reset states once per epoch and not for each new batch

I train the following model based on GRU, note that I am passing the argument stateful=True to the GRU builder. class LearningToSurpriseModel(tf.keras.Model):