GitHub topics: bilstm
mmm25002500/Fitness_Body_Recognition_System
一個基於 BiLSTM 和 MediaPipe 的健身肢體辨識系統,可支援全自動或全手動識別五種不同的運動模式。
Language: Python - Size: 57.5 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 1 - Forks: 0
jasontan22/aefes-time-series-forecasting
Bu proje, Anadolu Efes Biracılık ve Malt Sanayii A.Ş. (AEFES) piyasa verilerini kullanarak kapanış fiyatlarının gelecekteki değerlerini tahmin etmek amacıyla derin öğrenme yöntemleri (LSTM, BiLSTM, CNN+LSTM) kullanmaktadır. Projede, veri ön işleme, model eğitimi ve değerlendirme adımları detaylandırılmıştır.
Language: Jupyter Notebook - Size: 385 KB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 2 - Forks: 0
Ali-Mhrez/Stance-Detection-MBERT-Features
This repository contains the code for a Ph.D. research project that focuses on improving the performance of mBERT for fake news stance detection. Our key contribution is the BERT-ESDM methodology, a novel approach that uses convolutional neural networks to enrich mBERT's contextual embeddings.
Language: Jupyter Notebook - Size: 26.1 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 0 - Forks: 0
miltiadiss/Arrhythmia-detection-from-ECG-recordings
Language: Jupyter Notebook - Size: 14 MB - Last synced at: 16 days ago - Pushed at: 17 days ago - Stars: 0 - Forks: 0
aliahmad552/stock-price-prediction
Stock Price Prediction using deep learning (lstm,bilstm and gru) on apple,tesla and google stock prices
Language: Jupyter Notebook - Size: 4.36 MB - Last synced at: 18 days ago - Pushed at: 19 days ago - Stars: 0 - Forks: 0
DanteTrb/SpastiGait-xAI
Next-generation explainable AI integrating EMG and kinematics to identify muscle drivers of stiff-knee gait in Hereditary Spastic Paraparesis.
Language: Jupyter Notebook - Size: 14.4 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 1 - Forks: 0
Umer-Farooq-CS/PixelRNN-Implementation-CIFAR10
Complete implementation of PixelRNN paper with PixelCNN, Row LSTM, and Diagonal BiLSTM models for CIFAR-10 image generation.
Language: Python - Size: 125 MB - Last synced at: 27 days ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0
alireza-py/Currency-Price-Prediction
This project uses deep learning to predict cryptocurrency prices. It trains LSTM and Bidirectional LSTM models on historical price data to understand patterns over time. Before training, the data is cleaned and scaled, removing unusual spikes or errors. The app automatically downloads daily, weekly, monthly, and yearly data for each token
Language: Python - Size: 864 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0
rag-fish/loto6-deeplearning
Loto6 lottery number prediction with BiLSTM + Monte Carlo Dropout (educational use)
Language: Jupyter Notebook - Size: 20.5 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0
codemurt/udmurt_postagger
Neural part-of-speech tagger for the Udmurt language using a Bidirectional LSTM architecture.
Language: Python - Size: 30.2 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0
sanjyot02/NIRBHAY-threat-detection-system
Real-time violence and weapon detection system using MoBiLSTM and YOLOv8, with optional Telegram alerts.
Language: Jupyter Notebook - Size: 61.8 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0
NikPlayTik/Moodix-NLP
Moodix — локальный модуль анализа русскоязычного текста, определяющий основное настроение (позитивное, нейтральное, негативное), 16 суб-настроений и 6 деструктивных признаков (угроза, ненависть, экстремизм и др.). Основан на BiLSTM-модели и работает без доступа к интернету. Подходит для интеграции в CRM, e-commerce, модерации и аналитики.
Language: Python - Size: 107 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0
HilalOzdemirBuyukasik/Deep-Learning
A collection of deep learning projects demonstrating RNNs, BiLSTMs, CNNs, and basic neural networks applied to time series forecasting, text sentiment analysis, image classification, and tabular data tasks, with examples of data preprocessing, model training, evaluation, and visualization.
Language: Jupyter Notebook - Size: 1.42 MB - Last synced at: 7 days ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0
nicolay-r/AREnets
Tensorflow-based framework which lists attentive implementation of the conventional neural network models (CNN, RNN-based), applicable for Relation Extraction classification tasks as well as API for custom model implementation
Language: Python - Size: 1.34 MB - Last synced at: about 1 month ago - Pushed at: 6 months ago - Stars: 8 - Forks: 0
SupratikB23/Sentiment-Analysis-and-Recommendation-System-for-App-Review-Data
Sentiment Classifier to analyze and predict the sentiment (positive, negative, or neutral) of user reviews collected from 1 million Google Play Store entries.
Language: Jupyter Notebook - Size: 139 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 1 - Forks: 0
martinvalentine/v-sign
Continuous Vietnamese Sign Language Recognition using a Correlation Network and a Large Language Model for Gloss Sentence Rephrasing
Language: Python - Size: 2.6 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0
IvoDSBarros/dl-rock-news-classification
Deep learning approach for classifying rock news, leveraging a hybrid CNN-BiLSTM model and a fine-tuned DistilBERT transformer
Language: Python - Size: 607 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0
IKLICRAFTERS/dl-rock-news-classification
🎸 Classify rock news headlines into multiple topics using deep learning and weak supervision for accurate and efficient topic labeling.
Language: Python - Size: 200 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0
Abhishek-Mallick/Predict-Bay
PredictBay aims to revolutionize decision-making in investment strategies through intelligent forecasting. Our platform utilizes advanced machine learning algorithms to provide accurate predictions for stocks .
Language: JavaScript - Size: 20.2 MB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 3 - Forks: 1
Jacen789/sequence-tagging
sequence tagging
Language: Python - Size: 1.09 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 2
Ali-Mhrez/Stance-Detection-DL-Models
This repository contains the code for a research paper that benchmarks foundational deep learning models on the AraStance dataset for stance detection. We evaluate a range of architectures—including MLP, CNN, BiLSTM, and various hybrid and ensemble models—to understand their effectiveness.
Language: Jupyter Notebook - Size: 15.4 MB - Last synced at: 21 days ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0
jidasheng/bi-lstm-crf
A PyTorch implementation of the BI-LSTM-CRF model.
Language: Python - Size: 12.7 KB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 256 - Forks: 46
phancykemunto/sentiment-analysis-application
A deep learning project analyzing user sentiments in mobile banking reviews using BiLSTM, LSTM, and RNN models with FastText, Word2Vec, and GloVe embeddings.
Language: Python - Size: 7.66 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0
yashthakare93/flex-lingo
FlexLingo is a final year IoT project that serves as a flex sensor-based sign language translator. It uses Random Forest and BiLSTM models to interpret real-time hand gestures, translating them into spoken words or text via an Arduino smart glove and a React web interface.
Language: JavaScript - Size: 2.28 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0
Aliza-Ahsan/CodeCloneDetection
Build a deep learning architecture that combines CodeBERT and Word2Vec embeddings with multiple attention mechanisms (self-attention, cross-attention, and concatenation) and BiLSTM to accurately detect both syntactic and semantic code clones across large codebases.
Language: Jupyter Notebook - Size: 334 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0
tvtung2902/scene-text-ocr
Scene Text OCR pipeline using YOLOv11 to detect text in natural images and Resnet + BiLSTM with CTC for sequence recognition.
Language: Jupyter Notebook - Size: 74.8 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0
arkanivasarkar/ECG-Anomaly-Detection-Using-Deep-Learning
Ensemble RNN based neural network for ECG anomaly detection
Language: MATLAB - Size: 124 KB - Last synced at: 3 months ago - Pushed at: about 4 years ago - Stars: 44 - Forks: 8
hrnrxb/Advanced-Sentiment-Classifier-RoBERTa-BiLSTM-Attention
Sentiment Analysis w/ RoBERTa + BiLSTM + Attention
Language: Jupyter Notebook - Size: 139 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 3 - Forks: 0
sv6095/Emonity
Emonity is a deep learning-powered Speech Emotion Recognition (SER) system built with PyTorch. It uses MFCCs, log-mel spectrograms, and advanced models (1D CNN, 2D CNN, CNN-BiLSTM) to classify emotions from speech with high accuracy. Supports CREMA-D, RAVDESS, TESS, SAVEE datasets, real-time inference, and model ensemble.
Language: Jupyter Notebook - Size: 1020 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0
anyelyra/news-topic-classification-bilstm
[Individual Project for the Mid Exam in Unstructured Data Analysis Class] This study aims to implement a BiLSTM model to classify topics in news articles.
Language: Jupyter Notebook - Size: 463 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0
Leyan0109/Text-Sentiment-Analysis-Movies
Deep learning project to classify movie review sentiment using CNN and BiLSTM with GloVe and manual embeddings.
Size: 14.7 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0
kktoh1105/Sentiment-Analysis-of-Mental-Health-Social-Media-Text
A final year project on sentiment analysis of mental health text using machine learning, deep learning, and transformer models. Includes full code and datasets.
Language: Jupyter Notebook - Size: 57.3 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0
haiderakt/depression-detection
Multi-modal depression detection using audio and video. Extracts MFCC + delta features for speech and facial features via DenseNet201. Audio is processed with BiLSTM, and both streams are ensembled for final prediction. Includes preprocessing, scaling, augmentation, and a Gradio GUI for testing.
Language: Jupyter Notebook - Size: 3.38 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0
NightKing-V/Chord-Classification-Model-accordo.ai-
Deep Learning Model and PYPI for Automatic Chord Recognition
Language: Jupyter Notebook - Size: 130 MB - Last synced at: about 1 month ago - Pushed at: 4 months ago - Stars: 2 - Forks: 0
ariq-ojan/aircraft-trajectory-prediction
An aircraft trajectory prediction method based on clustering and BiLSTM modelling.
Language: Jupyter Notebook - Size: 3.4 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 2 - Forks: 0
snailpt/ResBiLSTM
Residual and bidirectional LSTM for epileptic seizure detection
Language: Python - Size: 152 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 81 - Forks: 0
sadmansakib37/IDS_DeepLearning_CICIDS2017
Deep learning model comparison for intrusion detection on CIC-IDS2017 dataset
Language: Jupyter Notebook - Size: 1.01 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0
ShaikhBorhanUddin/Stock-Price-Forecasting-for-Oil-Supermajors
The project forecasts the stock prices of oil supermajors using classical time series models (ARIMA, Prophet) and deep learning methods (SimpleRNN, LSTM, BiLSTM, and LSTM+XGBoost). It aims to evaluate how effectively these approaches capture temporal patterns in energy sector stocks.
Size: 1.01 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0
sergio11/spam_email_classifier_lstm
This project uses a Bi-directional LSTM model 📧🤖 to classify emails as spam or legitimate, utilizing NLP techniques like tokenization, padding, and stopword removal. It aims to create an effective email classifier 💻📊 while addressing overfitting with strategies like early stopping 🚫.
Language: Jupyter Notebook - Size: 3.2 MB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 6 - Forks: 0
spianmo/MultiClassify_LSTM_ForChinese
Use Bi-LSTM neural network to classify Chinese text sentiment, including eight categories (like, disgust, happiness, sadness, anger, surprise, fear, none)
Language: Python - Size: 432 MB - Last synced at: 4 months ago - Pushed at: almost 3 years ago - Stars: 26 - Forks: 5
berch-t/air-paradis-sentiment-api
Projet 7 du parcours de formation AI Engineer d'Openclassrooms
Language: HTML - Size: 110 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0
Joseph-Yusuff/emotion-detection-nlp
A Natural Language Processing project for detecting emotions (e.g., joy, sadness, anger, fear) from text using traditional ML and deep learning models (MNB, SVM, BiLSTM, BERT)
Language: Jupyter Notebook - Size: 21.3 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0
matlab-deep-learning/Industrial-Machinery-Anomaly-Detection
Extract features and detect anomalies in industrial machinery vibration data using a biLSTM autoencoder
Language: MATLAB - Size: 192 MB - Last synced at: 4 months ago - Pushed at: about 4 years ago - Stars: 48 - Forks: 19
GeorgiosIoannouCoder/mindscanner
Deep learning models and fine-tuned transformers for detecting mental illness from user content on Reddit. 🧠
Language: Python - Size: 8.81 MB - Last synced at: 4 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 1
phreakyphoenix/TV-Script-Generation
Do you love Seinfield and wish it never ended. Check out this repo to create your own Seinfield scipt :cowboy_hat_face: Made with :heart: in Pytorch. Keep spreading love and laughter and do :star2: the project. Cheers!
Language: HTML - Size: 177 KB - Last synced at: 4 months ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0
juxnluu/student-depression
This repository contains a comprehensive analysis of how dietary habits, financial stress, and study hours impact depression levels in students. Explore the methods and findings through R scripts and visualizations to gain insights into student well-being. 🐙📈
Language: R - Size: 428 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0
dbklim/StressRNN
Modified version of RusStress (https://github.com/MashaPo/russtress) — python package for placing stress in Russian text using RNN (BiLSTM) and the "Grammatical Dictionary" by A. A. Zaliznyak (from http://odict.ru/).
Language: Python - Size: 1.4 MB - Last synced at: 5 months ago - Pushed at: about 1 year ago - Stars: 35 - Forks: 11
Tripp01/Comment-Toxicity-Detection-and-Classification
LLM-inspired BiLSTM pipeline for real-time, multi-label toxicity inference across adversarial discourse modalities.
Language: Jupyter Notebook - Size: 68.4 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0
AAP9002/COMP34812-NLU-NLI
Natural Language Understanding - Natural Language Inference Coursework
Language: Jupyter Notebook - Size: 34.1 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0
jiangnanboy/albert_lstm_crf_ner
albert + lstm + crf实体识别,pytorch实现。识别的主要实体是人名、地名、机构名和时间。albert + lstm + crf (named entity recognition)
Language: Python - Size: 472 KB - Last synced at: 6 months ago - Pushed at: about 3 years ago - Stars: 136 - Forks: 32
vdoninav/hse_ocr_summ
OCR & Summarization Micro-service
Language: Jupyter Notebook - Size: 1.28 MB - Last synced at: 4 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0
kamalkraj/Named-Entity-Recognition-with-Bidirectional-LSTM-CNNs
Named-Entity-Recognition-with-Bidirectional-LSTM-CNNs
Language: Python - Size: 1.09 MB - Last synced at: 5 months ago - Pushed at: over 5 years ago - Stars: 365 - Forks: 141
hritik5102/Fake-news-classification-model
✨ Fake news classification using source adaptive framework - BE Project 🎓The repository contains Detailed Documentation of the project, Classification pipeline, Architecture, System Interface Design, Tech stack used.
Language: Jupyter Notebook - Size: 125 MB - Last synced at: 6 months ago - Pushed at: over 2 years ago - Stars: 41 - Forks: 8
Yishun99/KB-QA
基于知识库的中文问答系统(biLSTM)
Language: Python - Size: 1.79 MB - Last synced at: 6 months ago - Pushed at: about 7 years ago - Stars: 246 - Forks: 81
SedatDikbas/aefes-time-series-forecasting
Bu proje, Anadolu Efes Biracılık ve Malt Sanayii A.Ş. (AEFES) piyasa verilerini kullanarak kapanış fiyatlarının gelecekteki değerlerini tahmin etmek amacıyla derin öğrenme yöntemleri (LSTM, BiLSTM, CNN+LSTM) kullanmaktadır. Projede, veri ön işleme, model eğitimi ve değerlendirme adımları detaylandırılmıştır.
Language: Jupyter Notebook - Size: 391 KB - Last synced at: 5 months ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0
estnafinema0/NERC_LLM_Ispras
A NER solution leveraging LLM-generated and ground-truth annotations with a BERT-BiLSTM model and active learning to enhance performance on the CoNLL 2003 dataset
Language: Jupyter Notebook - Size: 5.88 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 2 - Forks: 0
javadr/PyTorch-Detect-Code-Switching
Implementation of a deep learning model (BiLSTM) to detect code-switching
Language: Python - Size: 9.6 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 6 - Forks: 0
wtyEric/Weekly-Stock-Email-Recommendation-Pipeline
recommendations to the top 20 stocks with the highest percentage gain from the Hang Seng Index
Language: Jupyter Notebook - Size: 2.61 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0
Hemanth92-stack/DupliFinder-Quora-Clone-Catcher
Detecting duplicate Quora question pairs using ML, deep learning (LSTM, BERT), advanced NLP, feature engineering, and ensemble methods—optimized for accuracy and scalability.
Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0
mayankmittal29/DupliFinder-Quora-Clone-Catcher
An advanced system for detecting semantically duplicate question pairs using cutting-edge NLP techniques. Combines traditional ML models (XGBoost, SVM, Random Forest) with deep learning architectures (BiLSTM, Siamese Networks, Transformers) and contextual embeddings (BERT, RoBERTa). Features engineered using token similarity, fuzzy matching, and em
Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0
vrishinrajpurohit/Review-Sentiment-Analysis
Sentiment analysis web app using BiLSTM on the Amazon Polarity dataset. Built with TensorFlow and Flask for real-time sentiment prediction.
Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0
Anshul21107/Next-word-predictor-BiLSTM-Pytorch
This repository implements a Next Word Prediction model using BiLSTM in PyTorch. It is trained on a dataset of Medium article titles and predicts the next word based on context. The project includes data preprocessing, model training, and Prediction.
Language: Jupyter Notebook - Size: 16.6 KB - Last synced at: 5 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0
hasanhammad/NLP-Final-Project
This repository contains code and dataset used in the final project of the NLP course in Iran University of Science and Technology
Language: Jupyter Notebook - Size: 91.8 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0
dimsariyanto/Gold-Price-Prediction
This project predicts gold prices based on historical market data using Bi-LSTM. The model is trained with price and volume features, and evaluated using MAPE to measure prediction accuracy.
Language: Jupyter Notebook - Size: 464 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0
hankcs/ID-CNN-CWS
Source codes and corpora of paper "Iterated Dilated Convolutions for Chinese Word Segmentation"
Language: Python - Size: 27.2 MB - Last synced at: 7 months ago - Pushed at: over 4 years ago - Stars: 135 - Forks: 39
bagusperdanay7/ABSA-With-BILSTM-Undergraduate-Thesis
My undergraduate thesis program, Aspect-Based Sentiment Analysis Towards Matket Place Application Review Using Bidirectional Long Short-Term Memory used Python, Keras and Tensorflow
Language: Jupyter Notebook - Size: 4.43 MB - Last synced at: 8 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0
imraviagrawal/ReadingComprehension
Bi-Directional Attention Flow for Machine Comprehensions
Language: Python - Size: 238 KB - Last synced at: 4 months ago - Pushed at: almost 8 years ago - Stars: 9 - Forks: 2
duskybomb/tlstm
Time Aware LSTM Cell implementation in Pytorch
Language: Python - Size: 1.95 KB - Last synced at: 7 months ago - Pushed at: over 5 years ago - Stars: 21 - Forks: 1
dansuh17/jdcnet-pytorch
pytorch implementation of JDCNet, singing voice detection and classification network
Language: Python - Size: 19 MB - Last synced at: 6 months ago - Pushed at: over 2 years ago - Stars: 50 - Forks: 5
Diana-proj/TeamLab
Emotion Detection in Text Data
Language: Jupyter Notebook - Size: 65.8 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0
Jithsaavvy/Sentiment-analysis-from-MLOps-paradigm
This project promulgates an automated end-to-end ML pipeline that trains a biLSTM network for sentiment analysis, experiment tracking, benchmarking by model testing and evaluation, model transitioning to production followed by deployment into cloud instance via CI/CD
Language: Python - Size: 1.04 MB - Last synced at: 9 months ago - Pushed at: almost 3 years ago - Stars: 13 - Forks: 4
amiruzzaman1/Deep-Learning-Approaches-for-Emotion-Detection
This project focuses on exploring deep learning approaches for emotion detection in Twitter data. It evaluates the effectiveness of various models—BiLSTM, CNN, GRU, ANN, and RNN—in accurately classifying emotions from a large-scale dataset of 393,822 annotated tweets.
Size: 7.81 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0
BarbaraRacha/Mini-Projet-Handwriting-Recognition-with-BiLSTM
Develop a handwriting recognition system using BiLSTM to identify texts from images.
Language: Jupyter Notebook - Size: 536 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0
reillyc421/Is-it-funny-
Use BiLSTM to classify short texts as jokes or not jokes
Language: Jupyter Notebook - Size: 936 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0
Vinayak-Buchke/Comment-Classification
A BiLstm/CNN Based Machine Learning model to implement Toxic Comment Classifaction
Language: Jupyter Notebook - Size: 56.6 KB - Last synced at: 27 days ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0
sahasourav17/Student-Anxiety-and-Depression-Prediction
A ML project specifically build for predicting students' mental health
Language: Jupyter Notebook - Size: 10.3 MB - Last synced at: 6 months ago - Pushed at: almost 3 years ago - Stars: 23 - Forks: 1
gyunggyung/DistilKoBiLSTM
Distilling Task-Specific Knowledge from Teacher Model into BiLSTM
Language: Python - Size: 88.3 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 32 - Forks: 4
Jackshi1/NER-Bert-BiLstm
chinese ner(model: bert+lstm)
Language: Python - Size: 11.5 MB - Last synced at: 4 months ago - Pushed at: over 4 years ago - Stars: 12 - Forks: 5
xinzcode/QA_BiLSTM
A QA System based by BiLSTM. 一个基于双向LSTM的智能问答系统,有交互界面、详细注释、多版本、能运行、文件齐全。
Language: Python - Size: 33.2 KB - Last synced at: 11 months ago - Pushed at: over 5 years ago - Stars: 17 - Forks: 4
yanqiangmiffy/ner-english
:computer: 英文命名实体识别(NER)的研究
Language: Python - Size: 623 KB - Last synced at: 11 days ago - Pushed at: almost 5 years ago - Stars: 56 - Forks: 16
jessicasaikia/bidirectional-long-short-term-memory-BiLSTM
This repository implements a Bidirectional Long Short Term Memory (BiLSTM) for performing Parts-of-Speech (POS) Tagging on Assamese-English code-mixed texts.
Language: Python - Size: 11.7 KB - Last synced at: 7 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0
manishdhakal/ASR-Nepali-using-CNN-BiLSTM-ResNet
Automatic speech recognition for the Nepali language using CNN, bidirectional LSTM and ResNet - IEEE (ICICT - 2022)
Language: Python - Size: 9.98 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 16 - Forks: 9
Kavayk29/Quora-Duplicate-Question-Pair
This project improves information retrieval by detecting duplicate question pairs in the Quora dataset using data exploration, text preprocessing, feature engineering, and models like Random Forest and LSTM, aiming to streamline question-answering.
Language: Jupyter Notebook - Size: 28 MB - Last synced at: 7 months ago - Pushed at: 11 months ago - Stars: 1 - Forks: 0
HiverXD/BiLSTM-Transformer-Hybrid-Model-for-MIDI-to-REMI-Conversion
Repository for project : A Hybrid BiLSTM and Transformer Model for Accurate Chord and Key Extraction in MIDI to REMI Conversion
Language: Jupyter Notebook - Size: 17.8 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0
SeyedMuhammadHosseinMousavi/BILSTM-GMDH-and-Genetic-COVID-Forecasting-Into-Desired-Steps-of-Future
BILSTM, GMDH and Genetic COVID Forecasting Into Desired Steps of Future
Language: MATLAB - Size: 806 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 11 - Forks: 1
xyryc/Bangladesh-Weather-Forecasting-using-Time-Series-and-Deep-Learning-Models
Exploring Advanced Models for Time Series-Based Weather Forecasting in Bangladesh: A Comparative Analysis of ARIMA, SARIMA, FB-Prophet, LSTM and BiLSTM Models
Language: Jupyter Notebook - Size: 6.82 MB - Last synced at: 4 months ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 0
nicolay-r/RuSentRel-Leaderboard
This is an official Leaderboard for the RuSentRel-1.1 dataset originally described in paper (arxiv:1808.08932)
Language: Python - Size: 1.88 MB - Last synced at: 3 months ago - Pushed at: almost 2 years ago - Stars: 8 - Forks: 0
SeyedMuhammadHosseinMousavi/SDG_by_BI_LSTM
Synthetic Data Generation by Bi-LSTM Algorithm
Language: MATLAB - Size: 3.91 KB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0
mohammad95labbaf/EURUSD_LSTM_Attention
This project is dedicated to forecasting 1-hour EURUSD exchange rates through the strategic amalgamation of advanced deep learning techniques. The incorporation of key technical indicators—RSI, MA, EMA, and VWAP—enhances the model's grasp of market dynamics
Language: Jupyter Notebook - Size: 2.99 MB - Last synced at: 5 months ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 1
ShireeshPyreddy/SymptoGraph
My Deep Learning Course Research Project
Language: Python - Size: 16.7 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0
spencerhan/InvoiceNamedEntityRecognition
A Deep Learning-Based Approach for Named Entity Recognition on Commercial Receipts
Language: Jupyter Notebook - Size: 24.7 MB - Last synced at: 12 months ago - Pushed at: over 4 years ago - Stars: 20 - Forks: 4
EsosaOrumwese/Msc_Research_Project_Multi-Task-Learning_CNN-GRU-biLSTM
This project is part of my Master's thesis for the MSc in Data Science with Artificial Intelligence program at the University of Exeter. It implements a multi-task deep learning model for simultaneous driver identification and transport mode classification using smartphone sensor data from the SHL preview dataset.
Language: Jupyter Notebook - Size: 298 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0
rrayhka/sentiment-analisis-app
Web-based sentiment analysis app using BiLSTM and Attention models for text sentiment classification.
Language: Jupyter Notebook - Size: 6.03 MB - Last synced at: 7 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0
SajjadHm/Molecular-Property-Prediction
Molecular Property Prediction via LSTM and BiLSTM
Language: Jupyter Notebook - Size: 122 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0
vatsalyaanand/Fake-News-Detection
Comprehensive study on fake news detection using CNN, LSTM, and BiLSTM models with the LIAR dataset. Explore our implementation, results, and comparisons with existing research.
Language: Jupyter Notebook - Size: 2 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0
aravinda-1402/Flight_Delay_Prediction_using_Machine_Learning
This research investigates flight delay trends, examining departure time, airline, and airport factors. Regression machine learning meth- ods are utilized to predict delay contributions from various sources. Time-series models, including LSTM, Hybrid LSTM, and Bi-LSTM, are compared with baseline regression models such as Multiple Regression, Decisi
Language: Jupyter Notebook - Size: 6.56 MB - Last synced at: 2 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0
comp-imaging-sci/attention-based-bilstm-sleep-scoring
Codes related to the paper "Attention-Based CNN-BiLSTM for Sleep States Classification of Spatiotemporal Wide-Field Calcium Imaging Data"
Language: Jupyter Notebook - Size: 54.2 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 0
anarlavrenov/ExpressNet
ExpressNet is a ready-to-use, weightless text classification model architecture that you can import and start training immediately.
Language: Jupyter Notebook - Size: 677 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0
zeyadusf/How-do-you-feel
NLP project to Emotion Classification through your text
Language: Jupyter Notebook - Size: 787 KB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0
zabir-nabil/bangla-news-rnn
Bangla news classification and generation
Language: Jupyter Notebook - Size: 130 KB - Last synced at: 3 months ago - Pushed at: about 5 years ago - Stars: 22 - Forks: 9