Most voted "tensorflow" questions
40 questions
Sort by count of
-
6
votes1
answer489
viewsPrediction with Tensorflow Neural Networks
Hello, I’m having trouble implementing a neural network. My problem is that I can only implement it with an attribute 'X' I need help with this code for example, how do I put two input attributes?…
-
6
votes1
answer157
viewsHelp with first neural network
I am beginner in dealing with Nns, and need help and explanation in certain things with my first project. Basicamento, to making an NN for checkers, my input are the black parts of the board (8x4)…
-
4
votes1
answer111
viewsHow to see the weights in Tensorflow?
I made a neural network to estimate a final value for myself, based on 7 inputs. It has only one hidden_layer with 95 perceptrons. I’d like to see what weights are used after training. I’ve searched…
-
3
votes2
answers354
viewsTensorflow - What is the best model to perform real-grade training?
I’m developing a college project to carry out recognition of the real notes through Tensorflow, but the big problem is that the real notes have a lot of similarity between them, mainly on the back…
-
3
votes1
answer120
viewsDifferences between Tensorflow and Dialogflow
So I’m starting out in the world of AI and Machine Learning and let’s say that not everything is well explained to beginners (maybe my ill will? maybe). I wanted someone to explain to me the…
tensorflowasked 5 years, 7 months ago caribeedu 145 -
2
votes1
answer863
viewsAre Keras and Tensorflow the same thing?
I walked vulture some tutorials of Tensorflow lately and I realized that the error reduction models, the interleaved mapping and normalization models and the layers models themselves of a neural…
-
2
votes1
answer1199
viewsProblem with arrays in Python 3.6
I started a small course on deep learning with Python, but I ended up having a problem with arrays... I usually take the code from the class and modify it a lot before creating an original, but this…
-
2
votes0
answers42
viewsDoubts about which MI methods to use (linear regression, segmentation, neural networks)
I apologize for sounding like a silly question, I started studying AI and machine learning this year and I’m still studying about it. The main reason is I want to elaborate a project and I…
-
2
votes1
answer67
viewsTensorflow Convolucional Neural Networks
Hey, you guys, hey! I have a problem, I believe, in my training set. I have a numpy array with 649 images for training my network however when starting the training(model.fit) I see that only 21…
-
1
votes0
answers26
viewsImagination-Augmented in practice
I am doing a research on Imagination-Augmented, would you like to understand in practice how this using Tensorflow? I would like to know the recommended functions to work in this way, and the logic…
-
1
votes1
answer632
viewsTraining of images in tensorflow
Good night! I’m trying to build a neural network in python using tensorflow and its other libraries, my doubt and, I have 4 classes and I need to do a training of them I have many images for each…
-
1
votes0
answers67
viewsPython Invalidargumenterror: You must feed a value for placeholder tensor 'y' with dtype float and Shape [?,10]
Hello I’m using a CNN network for street view house Numbers SVHN data. When I try to run my code below to be able to generate a summary that can be read by Tensorboard through graphs, the following…
-
1
votes0
answers49
viewsDo training using Tensorflow
I have a question about Tensorflow. I have some files in csv that I need to do training, but when I go to see the documentation of tensorflow, there are several options in Train, I don’t know which…
-
1
votes0
answers90
viewsI have a Python error
I have the following code saved as main.py import nltk from nltk.stem.lancaster import LancasterStemmer stemmer = LancasterStemmer() import numpy import tflearn import tensorflow import random…
-
1
votes0
answers31
viewsTensorflow - Tensor sizing error
I’m reading a folder (and sub-folders) with images to form an own dataset, then modeled a CNN and prepared the training part, but from there things stopped working. After execution, in the terminal…
tensorflowasked 5 years, 9 months ago Cristiano Siebert 23 -
1
votes1
answer221
viewsSet steps_per_epoch is dramatically increasing training time
This is my training function: model.fit(train_states, train_plays, epochs= numEpochs, validation_data = (test_states,test_plays), shuffle=True) When I don’t define Steps per epoch, I get this: Train…
-
1
votes0
answers16
viewsIn order to use the Tf.data.Dataset.from_tensor_slices method, do I need to have GPU on the PC?
I’m doing my tensorflow training. So far so good: data = numpy.random.random((1000, 32)) labels = numpy.random.random((1000, 10)) model.fit(data, labels, epochs=10, batch_size=32) But when I do…
artificial-intelligence machine-learning tensorflow supervised-learningasked 4 years, 7 months ago Maf 151 -
1
votes1
answer106
viewsTypeerror: can’t pickle _thread. _local Objects when I try to use scikit-Learn RFE in a template created in tensorflow
I’m trying to use the scikit-Learn library RFE on models I created using tensorflow, but when I try to train I get TypeError: can't pickle _thread._local objects. Follow the code and error below:…
-
1
votes0
answers228
viewsPrint shows no result displays "Typeerror: 'float' Object is not iterable"
I am making the code of a video lesson of Tensorflow but my code for more q is equal does not give the same result Everything that appears in the terminal: Windows PowerShell Copyright (C) Microsoft…
-
1
votes2
answers66
viewsWhat is the basic format of a convolutional network in Keras?
Currently I study about neural networks in Keras and I can not understand how it mounts the basic structure of the network, how I am in high school gets very difficult I learn advanced without any…
-
1
votes1
answer29
viewsPromote convolutional filters in tensorflow
I’m trying to visualize the filters of a neural network and I’m not getting to understand how to display the filters as images. I’m currently using the CIFAR10 base (32x32 color images). I’m using…
-
1
votes0
answers31
viewsHow to define Custom Loss Function?
Hello, I am trying to make a custom Loss Function through the Keras Functional API and I am having problems with this implementation since I have never done anything like. I want to make a Loss…
-
0
votes1
answer440
viewsHow to fix ipykernel_launcher.py: error: unrecognized Arguments in jupyter?
I’m following this one tutorial tensorflow after two days preparing the environment in Anaconda I finally managed to perform premade_estimator.py using the cmd but when I try to run the same code in…
-
0
votes0
answers75
viewsHow do I create a neural network file . config from . json, . H5 or . pb files?
Good afternoon, I’m on a convolutional neural network project and I’d like someone to help me with how I can create a file type for the neural network that calls. config I haven’t found much result…
-
0
votes1
answer205
viewsError when implementing Tensorflow in React Native
Save! I’m trying to implement the library Tensorflow in my React Native application, based in that and in that tutorials. But I can’t even run the project, getting the following error: Unable to…
-
0
votes1
answer60
viewsTensorflow CSV Data
Personal I would like to assemble my training_x and training_y from the CSV someone knows how to proceed, I started but could not finish. import tensorflow as tf from tensorflow import keras import…
-
0
votes1
answer26
viewsInstallation of Tensorflow by Pip
When trying to install tensorflow by Pip always gives error, version indepentendete python, Pip or tensorflow. When trying the command via cmd: Pip install tensorflow The answer is: ERROR: Could not…
-
0
votes1
answer22
viewsHow to embedding sentences for NLP in Tensorflow?
I need to turn a phrase bank that I created myself into a suitable vector to use as training a neural network in Tensorflow. I have the following structure: I managed to separate the sentences into…
-
0
votes1
answer117
viewsKeras Model for Tensorflow
I am learning Tensorflow and am trying to pass a Deep Learning model in Keras to Tensorflow, however, I am having difficulties. Model Keras: model = Sequential()…
-
0
votes2
answers501
viewsI cannot install Tensorflow-GPU
I started learning about tensorflow recently and decide to trade for the GPU version, for being much faster, but I can’t, always gives the same error. Specs: I5-8400 GTX 1060 6GB Windows 10 Home 64x…
python importing machine-learning machine-learning tensorflowasked 5 years, 8 months ago Gabriel Borges 11 -
0
votes1
answer126
viewsAttributeerror: str Object has no attribute 'Train'
Context I’m replicating an algorithm of neural network of the kind Single Layer Perceptron (simpler neural network model). I used the library Tensorflow and wrote the code based on the documentation…
-
0
votes1
answer139
viewsError running Keras.models.Sequential() with tensorflow
I imported Keras.models as specified in the documentation Importing: from keras.models import Sequential When creating the model I try to run Sequential returns an error: Execution: model =…
-
0
votes1
answer627
viewsTypeerror: 'Autotrackable' Object is not callable
I am trying to use an imported tensorflow_hub model as shown below: #%% from sklearn.model_selection import train_test_split import tensorflow as tf import tensorflow_hub as hub from keras import…
-
0
votes1
answer84
viewsExit of a Recurrent Neural Network with Tensorflow and Keras
I set up a dataset with my image data. I want to do convolutional neural network training but I ended up stopping at the exit layer of the network. The idea after training the network is to generate…
-
0
votes0
answers29
viewsHow to resolve the following output:Did you Mean to set reuse=Tf.AUTO_REUSE in Varscope?
I am studying AI with tensorflow, but am facing the following error: Valueerror: Variable generator/Dense/kernel does not exist, or was not created with Tf.get_variable(). Did you Mean to set…
-
0
votes0
answers10
viewsHow to use tensorboard projector with cx_freeze?
I am using cx_freeze to generate an executable of two python scripts, a first to create the tensorboard log variables and the second to call and run tensorboard. They work perfectly on my python…
-
0
votes0
answers8
viewsequivalent of Qwebenginesettings::setUnknownUrlSchemePolicy() to QT 5.9
I’m using the tensorboard to open the projector and continue with the evaluation of my code, when I open in a common browser it works perfectly, but using the qwebengine the reality is different, it…
-
0
votes0
answers8
viewsError when concatenating distinct CNN branches/models
I’m trying to implement a 3D facial recognition algorithm using convolution neural networks (CNN). I implemented a Generator image for rgb images and a Generator image for in-depth images…
-
-1
votes1
answer17
viewsROOT-Cern import inside a virtual env and inside lxplus
I need to use Condorht (CERN software) for my analysis, but the python macro I want it to work on has some libraries that cannot be imported into lxplus(Ern environment), so I created a virtual…
-
-2
votes2
answers1910
viewsI’m having trouble installing virtualenv through Pip install
I’m trying to install the virtualenv to then install Tensorflow. For this I have installed Pip. I am using CMD: Pip install virtualenv After installing, when typing virtualenv, appears: 'virtualenv'…