Skip to main content
Filter by
Sorted by
Tagged with
0 votes
1 answer
128 views

I am training a LSTM model with data from yfinance. The process is really standard. I get the data with yf.download(ticker=ticker) where ticker='AAPL and do df.rolling(30, min_periods=1) to smooth the ...
franjefriten's user avatar
3 votes
0 answers
78 views

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-...
Malihe Mahdavi sefat's user avatar
0 votes
0 answers
38 views

I have trained a model and deployed as endpoint using aws sagemaker and when I tried to invoke I have got error: 2025-09-09 14:58:25.724914: I external/org_tensorflow/tensorflow/core/framework/...
Sanghamitra Konduri's user avatar
0 votes
0 answers
27 views

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, ...
Haniye amir's user avatar
0 votes
1 answer
47 views

I wrote the module attached below. However, I notice a constant increase of RAM until I get an out of memory error. The code runs on CPU without a problem (except the slow training time). It can ...
mashtock's user avatar
  • 400
0 votes
0 answers
85 views

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 ...
Oleg Bizin's user avatar
2 votes
1 answer
105 views

I am trying to predict vehicle trajectory, using t-30 data sequence to predict until t+30 trajectory. The data I have created is an neighbour occupancy matrix for each frames for each cars, this data ...
Barbaros Teoman Kosoglu's user avatar
0 votes
0 answers
89 views

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....
TestING's user avatar
0 votes
0 answers
26 views

I want to use the LSTM network as a controller of a three-phase inverter. The lstm controller will have six inputs, 3 sinuocidal voltage signals and 3 sinuocidal current signals (400 Hz). The lstm ...
Baha's user avatar
  • 1
0 votes
1 answer
39 views

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 ...
Baron Yugovich's user avatar
0 votes
1 answer
81 views

I'm training a multi-branch LSTM model on Kaggle using 2x T4 GPUs, with multiple input sequences of different lengths. My target is the "close" column. 1. Normalization and Data: I normalize ...
Aaa Zzz's user avatar
0 votes
0 answers
137 views

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 ...
MnM's user avatar
  • 1
-1 votes
1 answer
52 views

I am working on a market risk assessment involving a hybrid of LSTM and Random Forest. This post might seem dumb , but I am really struggling with the model right now , here are my struggles in the ...
Joyboy Clucky's user avatar
0 votes
1 answer
48 views

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 ...
daeseng's user avatar
0 votes
0 answers
89 views

I am deploying an app that is using an LSTM Model saved as .h5. It worked perfectly locally, but while deploying on the Streamlit Cloud, it gives the this error: ValueError: Unrecognized keyword ...
Anushk Jain's user avatar
0 votes
0 answers
60 views

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 ...
Steven Dascoli's user avatar
1 vote
0 answers
41 views

we have 300 stores in a retail demand forecasting problem and we have 1 years of daily demand data, for some stores shorter. Using GRU to also model the extreme cases but the problem is how to feed ...
Süleyman Kamalak's user avatar
1 vote
1 answer
93 views

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, ...
Dan Leonte's user avatar
1 vote
1 answer
470 views

import os import shutil import random import torch import torchvision.transforms as transforms import cv2 import numpy as np from torch.utils.data import Dataset, DataLoader import torch.nn as nn ...
Can Gürcüoğlu's user avatar
0 votes
0 answers
83 views

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 ...
LOYINuts's user avatar
0 votes
1 answer
46 views

I'm training a LSTM for time series prediction, where data comes from sensors at irregular intervals. I'm using the last 5 min data to predict the next value, but some sequences are larger than others....
user26458368's user avatar
0 votes
0 answers
120 views

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 ...
Thashikala Mendis's user avatar
0 votes
0 answers
65 views

I have some problem to make a LSTM-VAE for anomalies detection on multivariate signals (no constant duration). I found some informations in this forum and original papers to apply good practices. Even,...
rmarion37's user avatar
0 votes
0 answers
63 views

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 ...
Luca Domeneghetti's user avatar
0 votes
1 answer
75 views

I am doing a sentiment classification using Pre-Trained Glove and LSTM model. I use google play review and scrap it by myself, resulting in 50k++ texts. I implement random over sampling on the ...
mathias yeremia's user avatar
0 votes
1 answer
140 views

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 ...
Abdul Basit's user avatar
1 vote
1 answer
121 views

I have an LSTM model that receives 5 inputs to predict 3 outputs: import torch import torch.nn as nn class LstmModel(nn.Module): def __init__(self, input_size, hidden_size, output_size): ...
bird's user avatar
  • 3,374
1 vote
0 answers
37 views

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 ...
AI_user's user avatar
  • 11
0 votes
1 answer
36 views

I have three inputs to my LSTM (x,y,z). My LSTM model is used to predict the next time step of z. I have a lookback period of 9 timesteps. I then need to forecast the next time steps of z using a ...
NGA's user avatar
  • 35
0 votes
1 answer
47 views

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 ...
Patryk Rossa's user avatar
0 votes
1 answer
64 views

I'm currently working with CNN, LSTM, and BiLSTM as a hybrid algorithm, and these are the results I got for the accuracy and loss curves for the training and test sets. The issue is that I do not know ...
Zineb Adaika's user avatar
0 votes
0 answers
282 views

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 ...
Bhairav Thakkar's user avatar
1 vote
1 answer
126 views

I'm trying to build a stacked LSTM sequence auto-encoder that takes a signal of 430 timesteps with each timestep having 1 value. You can see the code for the model below: feat_dim = 1 timesteps = 430 ...
Albas's user avatar
  • 117
0 votes
0 answers
125 views

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 ...
user22615570's user avatar
0 votes
0 answers
77 views

I wrote: from __future__ import absolute_import, division, print_function, unicode_literals import numpy as np import tensorflow as tf from keras.models import Sequential from keras.layers import ...
Raghavendra Bhat's user avatar
0 votes
0 answers
42 views

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 ...
Dmitrii Ponomarev's user avatar
0 votes
0 answers
29 views

I am performing a forward pass for RecurrentPPO algorithm (part of sb3-contrib) library. The policy used is the MlpLstmPolicy. I have 3 action classes. Hence ideally the action_logits returned have to ...
ayps's user avatar
  • 141
0 votes
0 answers
39 views

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 ...
Yas's user avatar
  • 29
2 votes
0 answers
39 views

I created an LSTM for generating next image in a sequence (I know CNN is for image generation but I need the entire image not just the filters to give to the next iteration of the sequence). So I have ...
Tamás Csepely's user avatar
1 vote
1 answer
413 views

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 ...
Dan Leonte's user avatar
0 votes
1 answer
38 views

I am a beginner in programming and currently working on an assignment about predicting gold prices. I am stuck on the final part of the code, specifically the part that predicts the gold price for the ...
Bry Tiến's user avatar
1 vote
0 answers
193 views

I am currently trying to build a model for my project. I have to build a LSTM-CNN neural network for my tensor data. I have read the documents about tensorflow.net however, LSTM layers are not ...
Dora Sonat's user avatar
0 votes
0 answers
237 views

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 ...
binaryBigInt's user avatar
  • 1,724
0 votes
1 answer
341 views

I am trying to get keras_model_sequential to work in R: library(tidyverse) library(keras) model <- keras_model_sequential(input_shape = c(8)) model %>% layer_dense(units = 32) %>% ...
Matthew Neil's user avatar
1 vote
1 answer
151 views

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 ...
Arvind vasa's user avatar
0 votes
1 answer
48 views

I am trying to understand LSTMs and wanted to implement a simple example of classifying a sequence as "0" if the number of "1" in the sequence is odd and as "1" if the ...
binaryBigInt's user avatar
  • 1,724
0 votes
1 answer
156 views

I have an LSTM model that takes 3 sequences of temperature data and outputs the next sequence. input => [array([0.20408163, 0.40816327, 0.6122449 ]), array([0.40816327, 0.6122449 , 0....
Abdul Rehman's user avatar
0 votes
1 answer
72 views

I have a keras LSTM model (regressor): def model_builder(hp): model = Sequential() hp_units = hp.Int('units', min_value=32, max_value=512, step=32) model.add(LSTM(units=hp_units, input_shape=(...
Son's user avatar
  • 179
0 votes
1 answer
143 views

Issue: In tesserocr, When I initialize api with oem and psm options to run DetectOS or DetectOrientationScript, it raises error(Fatal Python error: Aborted). Why this happened? codes: from tesserocr ...
TripleQuiz's user avatar
0 votes
1 answer
159 views

I am building an LSTM model for sentiment analysis using a hotel review dataset. However, the model always returns empty with empty output and parameters each time I run the code. I have followed many ...
Francis's user avatar
  • 19

1
2 3 4 5
123