Questions tagged [bilstm]
51 questions
0
votes
0 answers
Unable to implement CRF over a Bidirectional LSTM with keras_CRF CRFModel
I am trying to build a hierarchical BiLSTM-CRF model for a multi class classification problem. I am using CRFModel from Keras_CRF. Here is the code for the model:
from keras_crf import…

Aizayousaf
- 39
- 15
0
votes
0 answers
MemoryError: Unable to allocate 31.1 GiB for an array with shape (21714, 100) and data type
I am training a BiLSTM CRF model and facing this error on all platform like jupyter notebook, colab, pycharm and even vscode in ubuntu 22.04.
MemoryError Traceback (most recent call last)
Cell In[37], line 2
1 if…

igneous spark
- 27
- 5
0
votes
1 answer
BiLSTM-CNN Model structure
I want to design a BiLstm-Alexnet Model. I wrote the below code for defining the model architecture:
model= Sequential()
model.add(Reshape((450,2,2),input_shape=(900,1,2)))
model.add(Conv2D(456, kernel_size=(11,1), strides=(1,1), padding="same",…

Maryam Badiee
- 11
- 1
0
votes
0 answers
An `initial_state` was passed that is not compatible with `cell.state_size`
I'm attempting to build bidirectional LSTM seq2seq model in Keras, however I am running into an issue when passing the output states of the encoder to the input states of the decoder. It looks like that should be possible based on this pull request.…

Agus Chandra
- 1
- 1
0
votes
0 answers
BiLSTM-CRF for text classification in PYTORCH
I have been having trouble with the bi-lastm-cfr model.
I tried several fixes for different bugs but now i am stuck.
from transformers import AutoTokenizer, AutoModel
import torch.nn as nn
import torch
import numpy as np
from torchcrf import…

leila
- 461
- 1
- 7
- 21
0
votes
0 answers
Emoji features used in the sentiment analysis are not showing on my LIME figures
I'm a student from a business school, and trying to learn how to use advanced data analytics.
My model uses Bilstm to conduct a sentiment classification task. The dataset consists of 80000 tweets. The features includes words and emojis. I'm trying…

Ariel
- 1
0
votes
0 answers
acc and val_acc same after few epoch
I am working on a binary classification problem with 19 feature. For that, I build a 1DCNN autoencoder for feature selection. after extracting feature when I pass the data to bilstm network and try to train the model the acc and val_acc remains the…

dijsat
- 3
- 4
0
votes
0 answers
How to improve my accuracy in Bi-LSTM neural network in Python?
I want to make a model to predict the land use of some fields but my accuracy after making my model is about 50%, which is so low. I want to improve the accuracy of my model to my case and as I am new in neural networks I need some help with…
0
votes
0 answers
different BILSTM results in gpu and cpu's CMD
I've ran a code both with gpu in anaconda's cmd and cpu in normal cmd
but i get different results and the difference is not normal. its huge
as you can see, this graph is when i run the code with normal cmd Normal CMD
and when i run the code with…

Betabore
- 5
- 3
0
votes
0 answers
Error in keras BILSTM attention model while building
I have removed the embedding layer in BILSTM model
model = Sequential()
model.add(Bidirectional(LSTM(input_length=max_len, return_sequences=True)))
model.add(LSTM(units=32, dropout=0.05, recurrent_dropout=0.35,…

poorna
- 61
- 1
- 9
0
votes
0 answers
Bi-LSTM layer arguments
I'm having trouble trying to understand how to implement the following:
Layer: Bi-LSTM 1
Input: (None,50,25)
Output: (None,50,25)
I know that the first argument is units, since the model has a None value, it can be anything? However, for the last…

uhhh
- 7
- 3
0
votes
0 answers
In the model adding new Bilstm layer return error "bidirectional_1" is incompatible with the layer and the model is not working expected ndim=3,
i am trying to add new Bilstm layer to
model.add(Conv1D(500,9,strides=1,input_shape=(7680,1),activation='tanh'))
model.add(Conv1D(300, 3, activation='relu'))
model.add(Conv1D(300, 3,…

nooona alnon
- 21
- 3
0
votes
0 answers
Time Series forecasting with Bidirectional LSTMs
I have implemented a Bidirectional LSTM which predicts a certain profile by using a windowing input in tensorflow. Conceptually it makes sense to me during the training phase.
Once the model is trained I use it to predict future and evaluate against…

JamesJapp
- 11
- 2
0
votes
1 answer
BiLSTM hidden layers, and memory cells
I have a BiLSTM model, as the following:
tf.keras.models.Sequential([
tf.keras.layers.Bidirectional(tf.keras.layers.LSTM(A, return_sequences=True),
input_shape=x),
tf.keras.layers.Dense(B,…

Ahmad Aburoman
- 21
- 5
0
votes
0 answers
How can I reduce the batch size after a certain epoch or implement a adaptive batch size in deep learning?
I've implemented a BiLSTM model for classifying positive or negative sentiments from texts. Here, my batch size is constant in this code, which is 256 and epoch 60, but I want to reduce the batch size after 10 epochs. For example, after 10 epochs…

Sunjaree
- 138
- 1
- 7