6,120 questions
-1
votes
0
answers
26
views
Tips for handling imbalance in an LSTM Sequential Multi Label Classification Task? [closed]
So, I've been struggling with this problem for a couple of months now. I have a dataset of protein sequences, which I have encoded three target labels across each sequence for, and I am training an ...
3
votes
0
answers
77
views
Multimodel for image captioning with CNN and LSTM over flickr30k does not learn. How to fuse image features and word embeddings?
I'm working on an image captioning project using a simple CNN + LSTM architecture, as required by the course I'm studying. The full code is available here on GitHub (note: some parts are memory-...
0
votes
0
answers
23
views
AttributeError: the layer convolutional_Bidirectional_LSTM has never been called and thus has no defined input
I have 3 models and I want to create a hybrid model with these. I put my first models when I want to call the input of this I get an error.
This is my code:
def memory_model(input_shape, num_class, ...
0
votes
0
answers
62
views
RL Trading Agent Can't Learn Sensible Behavior Even on a Simple Sine Wave — What Am I Doing Wrong?
I’ve been building a reinforcement learning trading agent using a synthetic sine wave as the price series — basically the simplest dataset I could imagine to test whether an agent can learn to buy low ...
0
votes
0
answers
76
views
Lstmtraining Tesseract-OCR
I followed the steps for fine-tuning Tesseract for handwriting recognition. I have the character images and the corresponding box files. Then I generated the .lstmf files, followed by the lstm_train....
0
votes
1
answer
37
views
LSTM model produces single output for full batch of training data
My training set has dimensions [7000, 2], but my output has single number in it. I want to configure the model to understand that "I want one output for each row in X_train", but I don't ...
0
votes
0
answers
123
views
snpe-pytorch-to-dlc tries to duplicate LSTM model weights for each sample in the input window which crashes for large window sizes
I am trying to convert pytorch LSTM model to DLC. The original pytorch model is of 200 MB. I also converted it to traced TorchScript model, scripted TorchScript model and ONNX model. All three are of ...
0
votes
1
answer
47
views
Can Tensorflow or PyTorch work with json time series data in this format?
I'm trying to make a LSTM model to predict sign language sentence with this format of json file. This json file is containing the coordinates information of 21 hand landmark joints for each frames and ...
0
votes
0
answers
52
views
How does an LSTM layer interface with a fully connected layer?
I am unclear how an LSTM layer would interface with a fully connected layer and what this would look like visually as per the puthon code below. I am trying to understand and visualize this code.
I'm ...
1
vote
1
answer
87
views
Jax / Flax potential tracing issue
I'm currently using Flax for neural network implementations. My model takes two inputs:
x and θ. It first processes x through an LSTM, then concatenates the LSTM's output with θ — or more precisely, ...
0
votes
0
answers
74
views
pytorch after load model state_dict training loss keep increasing
Im training a model and in the first training, no matter how many epochs (10,20,30…) i trained the model, everything looks great! the acc was increasing and the loss was decreasing as well. but when i ...
0
votes
0
answers
98
views
How to Perform Out-of-Sample Forecast for a Hybrid VAR-LSTM Model?
I have built a hybrid model that combines a Vector Autoregressive (VAR) model and a Long Short-Term Memory (LSTM) network. The VAR model is used to capture linear dependencies between macroeconomic ...
0
votes
0
answers
62
views
Very slow Evaluation of a Pytorch LSTM model
I'm experiencing some issues with an LSTM model designed to perform "Audio Event Recognition" from a dataset of crime-related audio samples.
The overall network seems to be working fine ...
0
votes
1
answer
124
views
Using a symbolic `tf.Tensor` as a Python `bool` is not allowed
when I add a masking layer in my model, it gives this error. works fine without the masking tho. If anyone can solve this, id be grateful ! been scratching my head for 3 days now.
TensorFlow 2.17
def ...
1
vote
0
answers
32
views
Predicting the same class (normal) when I use LSTM as a classifier for time series data
LSTM for the binary classification.
Hi all,
I am using LSTM to perform binary classification on time series data (normal, abnormal). I trained two models, one using a single LSTM layer and another ...
0
votes
1
answer
40
views
LSTM autoencoder very poor results
I am working on blockchain transaction anomaly detection system and testing various models. Currently I am stuck on a LSTM autoencoder. I have preprocessed transaction data from ethereum network (used ...
0
votes
0
answers
267
views
Tensorflow.Net: How to load a Sequential model saved by model.Save()?
I am just starting off with Tensorflow.Net (0.150.0) on .Net (8.0). I just created a basic sequential model and saved it successfully. However, I am unable to load it back as a Sequential model. I ...
0
votes
0
answers
125
views
LSTM model prediction does not change with different inputs
I am implementing in PyTorch an LSTM model to predict if the closing value of a stock will go up or down in the next 5 and 10 minutes.
Specifically, I am using 24 years of 5 minute data with 19 ...
0
votes
0
answers
31
views
How to Build a Neural Network for Predicting Loan Status Using Multi-Table Data from the Berka Dataset
I am working on a project using the Berka dataset, and I want to build a neural network to predict the loan status for accounts. The dataset contains multiple tables, and I want to avoid flattening ...
0
votes
0
answers
39
views
What is the possible enhancement for this mode?
I use LSTM for classifying multi-label movie genres with Word2Vec as feature extraction; the model resulted in metrics as Test Loss: 0.3067, Test Accuracy: 0.5144 as illustrated in the figure.
What is ...
1
vote
1
answer
402
views
jax and flax not playing nicely with each other
I want to implement a neural network with multiple LSTM gates stacked one after the other.I set the hidden states to 0, as suggested here. When I try to run the code, I get
JaxTransformError: Jax ...
0
votes
0
answers
22
views
LSTM training fades to Nan when batch_number>=2
I am running a very simple multilayer LSTM network. I have set different transformations for the data, namely StandardScaler(), RobustScaler() and MinMaxScaler(). The code runs smooth and I get no ...
0
votes
0
answers
65
views
How to implement a custom LSTM cell in PyTorch
I am trying to build a custom LSTM cell. I found many snippets online but none of them produces same result as torch lstm. For testing, I fix input size and number of layers to 1. Is there a known way ...
0
votes
0
answers
232
views
PyTorch LSTM regression: Take only last output value or take all output values of LSTM?
I try to train my first LSTM regression model based on global average temperature data. The temperature is available for every month since January 1st, 1850.
From what I've learned online, I feed 12 ...
1
vote
1
answer
138
views
Multiple Multivariate Time series forecasting with LSTM along with some categorical features
Currently I am working on a timeseries data which looks like this
click to see data
The data consists of 5 companies, 15 products (each company has 3-5 products) and 6 different regions
Goal To build ...