Most voted "keras" questions
None
Learn more…31 questions
Sort by count of
-
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)…
-
3
votes1
answer35
viewsNeural network with a scalar input (time) and 3 output values that does not train properly
Hello! I am building a network that should map time values to a vector containing 3 values of reagent concentrations, simulating a chemical reaction of type A->B->C. The concentration values…
-
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
answer146
viewsHow to use Conv2dtranspose from Keras?
Does anyone know how to use the Conv2DTranspose Keras found in this link : https://keras.io/layers/convolutional/#conv2dtranspose ? Could you explain to me what each parameter of this function does…
-
2
votes1
answer67
viewsHow to create a loss function in Keras that uses opencv?
I am developing a machine Learning model using the Keras library and realize that the available loss functions are not giving the best results in my test suite. I’m using an Unet architecture, where…
-
1
votes1
answer119
viewsConvolution 1D Keras
In my code, I have a matrix (820.53). I’m trying to perform a 1D convolution but always get the following error: Error when checking input: expected conv1d_1_input to have 3 Dimensions, but got…
-
1
votes1
answer213
viewsWhat is Validation_data for in Keras fit() function
I’ve researched, but I couldn’t quite understand what the benefit of using validation_data is. And it’s only used for test samples? history = model.fit(X_train, Y_train, validation_data=(X_test,…
-
1
votes1
answer761
viewsHow to create a dataset to work with Keras classification
I have a series of images (12500 in total) in rgb format and I want to create a dataset to work on Keras. I want to leave them in a format similar to the Mnist dataset...with Shape (12500,50,50).…
-
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
votes1
answer37
viewsPassing a list like loss_weights, it should have one input per model output. Keras tells me that the model has 1 output, but I thought I had more
I have a data set df for a multiclass classification problem. I have a huge class imbalance. That is to say, grade_F and grade_G. >>> percentage = 1. /…
-
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
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
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
answer21
viewsHow to call a second key in a dictionary using Hdf5matrix?
I’m trying to upload a file .h5 using this documentation HDF5Matrix: test_images = HDF5Matrix(train_path+train_file,'images') but I’m getting this mistake: Keyerror: "Unable to open Object (Object…
-
0
votes1
answer122
viewsKeras: Valueerror: Dimension 0 in Both shapes must be Equal (Vggnets)
I’m following a tutorial and loaded modelo VGGNet16 pre-trained using Keras vgg16_model = keras.applications.vgg16.VGG16() model = Sequential() for layer in vgg16_model.layers: model.add(layer)…
-
0
votes1
answer68
viewsProblem compiling code in Keras
I was creating a simple classifier in Keras in Python3, but its getting the same error message: Runtimeerror: You must Compile your model before using it. Follows the code: import keras from…
-
0
votes2
answers48
viewsmultivariate regression in Keras
I have two models created in Keras to solve a multivariate regression problem. The first one has 1 input and 5 outputs. The second has an additional entrance, that is, it has two entrances and the…
-
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
answer397
viewsHow to run python code by anaconda prompt with php?
Staff follows description for understanding: 1 - I have the code of a classifier written in python 2 - I want to run it from php (shell_exec() for example) but not using the windows prompt but…
-
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
votes1
answer126
viewsHow to create a CNN model correctly in Keras?
I want to make a convolutional neural network model using Keras. Input is a set of images of size 360,640,3 and the exit shall be 720,1280,3. So I made the following model : w,h,c=x_train[0].shape…
-
0
votes1
answer235
viewsMaking Predictions using LSTM with Keras
Good morning, group. I’m doing some tests with predictive models using lstm with the keras. In the test that I did, I trained the model with some random data that I found on the internet. Only I’m…
-
0
votes1
answer298
viewsImport images from a Python folder in the same format as MNIST
I need to do a Python facial recognition algorithm using Neural Networks. My advisor told me to use Keras and analyse that application in which the dataset Mnist: Application code (taken from…
-
0
votes1
answer47
viewsProblems with input_shape using Keras
Hello, I’m trying to make my first ANN code to predict the price of homes. I have separated the datasets into training and testing, however, I am finding some problems when compiling my code below:…
-
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
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
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
votes0
answers32
viewsDimensions must be Equal, but are 3 and 5 for...with input shapes: [32,3], [32,5]
I’m building a neural network, and I find the following mistake: ValueError: Dimensions must be equal, but are 3 and 5 for '{{node mean_absolute_error/sub}} =…
-
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
answer80
viewsKeras is using the entire batch at once in the fit_generator in a 3 output model
Good morning, I’m using the model available in this Git Googlenet in Keras for transfer Learning and I’m trying to adapt the fit_generator of Keras to use in the model. As can be seen in the link,…