All Questions
186 questions
1
vote
1
answer
40
views
Broadcasting multiple versions of X_data that pair with the same y_data
My deep learning architecture accepts an input vector with size 512 and an output vector with size 512 too.
The problem is I have X_data version that pairs with the same y_data.
I have these tensors:
(...
0
votes
0
answers
53
views
Siamese network for audio classification shows no improvement
So, I've been trying to create a Siamese network that compares two audio files and decides if the same speaker is in both recordings (text-independent). I use a Siamese network because I plan on ...
0
votes
0
answers
27
views
ValueError: Failed to convert a NumPy array to a Tensor (Unsupported object type numpy.ndarray) error with audio features
I am trying to use sound files to analyze emotion using LSTM. As an input, I use "Sentiment" which is "Negative, Positive, Neutral" and "soundFile" which is obviously ...
0
votes
0
answers
244
views
Tensorflow is returning unsupported object type tensorflow.python.framework.ops.EagerTensor
I am using 3D images to fit a 3D CNN. I converted those images in Numpy 3D arrays. Then into tensors. Still, when I call the model.fit() command, an error saying
"ValueError: Failed to convert a ...
1
vote
1
answer
379
views
Keras training ValueError: setting an array element with a sequence. The requested array has an inhomogeneous shape after 3 dimensions
I'm trying to train a simple binary classification model using Keras and Tensorflow on a dataset of around 21,000 images. But when I run the training code, it throws this error:
Traceback (most recent ...
1
vote
0
answers
70
views
How does TFLite calculate quantized dense layers
I am trying to figure out how exactly quantized dense layers are calculated. I found this blog post explaining the process and wanted to reimplement the code, but with the parameters extracted from a ...
1
vote
0
answers
89
views
Problem with implementing 2 layer Neural Network using numpy
I tried creating a neural network with 2 layers using numpy only. My algorithm outputs the same value for all the Y's
What is my mistake?
text
Here is dataset i used
First layer has 2 neurons with ...
0
votes
1
answer
96
views
I'm getting an error while running this code snippit. I seems like the code is unable to create the numpy array.I think it's running an infinite loop
cap = cv2.VideoCapture(0)
# Set mediapipe model
with mp_holistic.Holistic(min_detection_confidence=0.5, min_tracking_confidence=0.5) as holistic:
# NEW LOOP
# Loop through actions
...
0
votes
2
answers
169
views
how to extract output of a layer of model to numpy array
def build(width, height, depth, classes, weightsPath=None):
# initialize the model
model = Sequential()
model.add(Conv2D(100, (5, 5), padding="same",input_shape=(...
0
votes
1
answer
46
views
TensorFlow - ValueError: Input 0 is incompatible with layer model_26: expected shape=(None, 2412, 3, 1), found shape=(None, 3, 1)
I'm new to ML and trying to write a neural network to for prediction, but I just can't solve the ValueError. I have looked up to different answers but still get the same error. How to fix this?
...
0
votes
0
answers
361
views
NotImplementedError: Cannot convert a symbolic tf.Tensor (Log_2:0) to a numpy array
I have the following code which is based on https://github.com/leonard-seydoux/scatnet. The original code was based on TF v1 and I am in the process of migrating it to TF v2. However, I am facing some ...
1
vote
1
answer
194
views
Keras Sequential - ValueError: Dimensions must be equal
I use X and y data (which are both np arrays) with the following shape:
print(X.shape)
print(y.shape)
(1075, 5, 50)
(1075, 5)
The model:
# define the keras model
model = Sequential()
model.add(Dense(...
0
votes
1
answer
1k
views
ValueError: Input 0 of layer "sequential" is incompatible with the layer: expected shape=(None, 32, 32, 3), found shape=(32, 32, 3)
I made a model in another code and I would like to make prediction with it using an image.
import numpy as np
from keras.preprocessing.image import img_to_array, load_img
from tensorflow import keras
...
1
vote
1
answer
87
views
Training MNIST by loading my own img (with label of answer, load img 6 tell AI is 6)
I have read through the following discussion (not saying how to load pic to MNIST database)
MNIST trained network tested with my own samples
I also planning to train my own mnist by input img, but ...
-1
votes
1
answer
74
views
does fit give whole batch size in tensorflow
i am triying to train a model with tensorflow.
i have a custom loss function and ste the batch size to 1960 but the fit only seems to be giving my loss func one value at atime. my loss function ...