GitHub topics: bidirectional-lstm
Merck/deepbgc
BGC Detection and Classification Using Deep Learning
Language: Jupyter Notebook - Size: 25.3 MB - Last synced at: 15 days ago - Pushed at: over 1 year ago - Stars: 141 - Forks: 27

jameskokoska/CAPTCHA-Solver
🔠 A CAPTCHA solver using machine learning with a bidirectional LSTM model
Language: Python - Size: 97 MB - Last synced at: 4 days ago - Pushed at: about 2 years ago - Stars: 12 - Forks: 4

armahdavi/nlp_document_tracking_construction_management
Summary of NLP work to automate construction management for non-compliance, punch list, and database creation.
Language: Jupyter Notebook - Size: 31.3 KB - Last synced at: 19 days ago - Pushed at: 28 days ago - Stars: 0 - Forks: 0

Sshanu/Relation-Classification-using-Bidirectional-LSTM-Tree
TensorFlow Implementation of the paper "End-to-End Relation Extraction using LSTMs on Sequences and Tree Structures" and "Classifying Relations via Long Short Term Memory Networks along Shortest Dependency Paths" for classifying relations
Language: Jupyter Notebook - Size: 16.2 MB - Last synced at: 19 days ago - Pushed at: about 6 years ago - Stars: 188 - Forks: 41

shilpakancharla/terrain-identification
Given time series data from an accelerometer and gyroscope attached to the prosthetic lower leg limb of 10 subjects, we create two different models (1D CNN and bidirectional LSTM) to investigate if we can classify the type of terrain a user is traversing.
Language: Jupyter Notebook - Size: 2.91 MB - Last synced at: 10 days ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 3

Nikhil-1705/Fake_news_classifier
Fake News Classifier – An LSTM-based deep learning model for detecting fake news, leveraging NLP techniques for text preprocessing and classification. Bidirectional LSTM Fake News Classifier – An enhanced version using Bidirectional LSTM to improve context understanding and boost fake news detection accuracy.
Language: Jupyter Notebook - Size: 45 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

zpettry/AI-Deep-Learning-for-Phishing-URL-Detection
AI: Deep Learning for Phishing URL Detection
Language: Python - Size: 1.81 MB - Last synced at: 19 days ago - Pushed at: over 2 years ago - Stars: 50 - Forks: 10

harshjuly12/Enhancing-Explainability-in-Fake-News-Detection-A-SHAP-Based-Approach-for-Bidirectional-LSTM-Models
Enhancing Explainability in Fake News Detection uses SHAP and BiLSTM models to improve the transparency and interpretability of detecting fake news, providing insights into the model's decision-making process.
Language: Jupyter Notebook - Size: 199 KB - Last synced at: 20 days ago - Pushed at: 6 months ago - Stars: 12 - Forks: 3

karma9874/Seq2Seq-Chatbot
Chatbot based Seq2Seq model with bidirectional rnn and attention mechanism with tensorflow, trained on Cornell Movie-Dialogs Corpus and deployed on a Flask Server
Language: Jupyter Notebook - Size: 38.6 MB - Last synced at: 12 days ago - Pushed at: over 4 years ago - Stars: 24 - Forks: 14

Kanishkirthik/SpamCall
Spam Call Detection Using Bi-Lstm
Language: Python - Size: 25.4 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

KhaledAshrafH/ChatGPT-Sentiment-Analysis
This project aims to perform sentiment analysis on tweets related to ChatGPT, a popular language model developed by OpenAI. The dataset used for training and testing consists of 219,293 tweets collected over a month. Each tweet is classified as positive ("good"), negative ("bad"), or ("neutral").
Language: Jupyter Notebook - Size: 25.3 MB - Last synced at: 13 days ago - Pushed at: 5 months ago - Stars: 14 - Forks: 1

MrAnayDongre/Machine-Learning-Collection
Repo for Implementing Research Papers & Projects related to Machine Learning
Language: Python - Size: 1.81 GB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 11 - Forks: 4

ammarlodhi255/image-captioning-system-to-assist-the-blind
An image captioning system that is able to predict and speak out a caption of an image taken by visually impaired.
Language: Jupyter Notebook - Size: 10.7 MB - Last synced at: 23 days ago - Pushed at: 8 months ago - Stars: 9 - Forks: 7

38832/Natural-Language-Processing
This repository features NLP and deep learning projects using LSTM, Bidirectional LSTM, Word2Vec, and TF-IDF, implemented with TensorFlow, Keras, and Scikit-Learn.
Language: Jupyter Notebook - Size: 225 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

amancore/Twitter-Sentiment-Analysis
A machine learning project using RNN and LSTM to classify tweets into positive, neutral, and negative sentiments. Includes data preprocessing, model training, and deployment for public access.
Language: Jupyter Notebook - Size: 159 KB - Last synced at: 27 days ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

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: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

OmidGhadami95/metaphor-detection-cnn-lstm
Metaphor detection using cnn lstm
Language: Jupyter Notebook - Size: 160 KB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

koriavinash1/Stock-Price-Forecasting-Using-Artificial-Intelligence
Stock price prediction using Bidirectional LSTM and sentiment analysis
Language: JavaScript - Size: 20.7 MB - Last synced at: 22 days ago - Pushed at: over 6 years ago - Stars: 35 - Forks: 12

taleblou/Bidirectional_LSTM-Price-Prediction
This repository implements a Bidirectional LSTM model for predicting financial prices like stocks, currencies, and cryptocurrencies. It leverages sequential data in both forward and backward directions, enhancing the accuracy and reliability of price predictions.
Language: Python - Size: 3.21 MB - Last synced at: 19 days ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

danielathome19/Form-NN
Master thesis project - a hybrid Neural Network-Decision Tree system and dataset for classical music form recognition and analysis.
Language: Python - Size: 907 MB - Last synced at: 11 days ago - Pushed at: 9 months ago - Stars: 11 - Forks: 1

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: 21 days ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

bibek36/Poetry-Generator-Using-Bidirectional-LSTM-Model
This project aims to create a text model that can predict the next word in a given text sequence. The model are trained using a corpus of Shakespeare's sonnets, and some helper functions are provided to preprocess the data.
Language: Jupyter Notebook - Size: 85 KB - Last synced at: 15 days ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

AnnettaQi/Fake-news-classification
Using LSTM model to classify text into fake or real
Language: Jupyter Notebook - Size: 12.7 KB - Last synced at: 29 days ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

shafaq-aslam/Intelligent-Hate-Speech-Detection-Using-Bidirectional-LSTM
This project utilizes deep learning and NLP techniques to detect hate speech in text, promoting safer online communication and enhancing content moderation.
Language: Jupyter Notebook - Size: 1.23 MB - Last synced at: 14 days ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

sminerport/IMDbSentimentClassifier
A sentiment analysis model trained on the IMDb Movie Reviews Dataset to classify reviews as positive or negative. This project uses a Bidirectional LSTM with GloVe embeddings, batch normalization, and regularization to improve accuracy and generalization. Includes data preprocessing, model training, and evaluation.
Language: Python - Size: 25 MB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

GeorgiosIoannouCoder/tessa
Text Emotion System Sentiment Analysis (TESSA) is an open-source project focused on sentiment analysis. 💬
Language: Jupyter Notebook - Size: 172 MB - Last synced at: about 2 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

Disiok/poetry-seq2seq
Chinese Poetry Generation
Language: Jupyter Notebook - Size: 77.3 MB - Last synced at: 20 days ago - Pushed at: over 7 years ago - Stars: 177 - Forks: 64

mxhofer/Named-Entity-Recognition-BidirectionalLSTM-CNN-CoNLL
Keras implementation of "Few-shot Learning for Named Entity Recognition in Medical Text"
Language: Jupyter Notebook - Size: 9.91 MB - Last synced at: 5 months ago - Pushed at: over 5 years ago - Stars: 178 - Forks: 83

akthammomani/Casual_Conversation_Chatbot
Build a Multi-turn Conversations Chit-Chat Bot
Language: Jupyter Notebook - Size: 10.8 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

pariesque/Freestyle-NLP
Language: Jupyter Notebook - Size: 21.5 KB - Last synced at: 3 months ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

furk4neg3/Traffic-Volume-Forecasting
Traffic volume forecasting with AI using bidirectional LSTM model and React frontend.
Language: Python - Size: 21.7 MB - Last synced at: about 1 month ago - Pushed at: 7 months ago - Stars: 2 - Forks: 0

alessioborgi/Spam_Detector
Spam Detection System classifying Spam/Ham Emails using BI-LSTMs in order to identify and filter out spam efficiently.
Language: Jupyter Notebook - Size: 13.1 MB - Last synced at: 25 days ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

0username1/Actionable_Insights
Extracting Actionable Insights from User Feedback
Language: Jupyter Notebook - Size: 8.71 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

fatemafaria142/Classification-of-Potato-Disease-A-Hybrid-Deep-Learning-Framework
This research presents a hybrid deep learning framework combining MobileNet V2 with LSTM, GRU, and Bidirectional LSTM for classifying various potato diseases. The study explores the performance of different architectures to determine the optimal configuration for accurate disease categorization.
Language: Jupyter Notebook - Size: 664 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 1

SiddiquiZainab/Song-Lyrics-Generation-Model
A machine learning model for generating song lyrics using advanced neural network techniques. This model leverages Bi-directional LSTM to create coherent and creative lyrics in various styles.
Language: Jupyter Notebook - Size: 94.7 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

345ishaan/im2latex
Tensorflow Implementation of Im2Latex
Language: CSS - Size: 77.1 MB - Last synced at: about 2 months ago - Pushed at: about 8 years ago - Stars: 39 - Forks: 14

bjam24/comparative_analysis_of_lstm_variants
Language: Jupyter Notebook - Size: 1.02 MB - Last synced at: 29 days ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

gopiashokan/Financial-Document-Classification-using-Deep-Learning
Developed a deep learning model utilizing TensorFlow to automate the classification of financial documents. Leveraging a Bidirectional LSTM RNN, we accurately categorize the documents. Our user-friendly Streamlit application ensures high accuracy & efficiency in document management, all deployed on the Hugging Face platform for seamless integration
Language: HTML - Size: 31 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

abeed04/Sentiment-Analysis-using-Recurrent-Neural-Networks
Bidirectional RNNs are used to analyze the sentiment (positive, negative, neutral) of movie reviews. .
Language: Jupyter Notebook - Size: 24.8 MB - Last synced at: about 2 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

StrangeCoder1729/ToxiDetect
ToxiDetect is an AI-powered model for detecting toxic comments using deep learning. It classifies comments into various toxicity categories and features a Gradio web app for real-time scoring.
Language: Jupyter Notebook - Size: 108 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

sonhm3029/Vietnamese-OCR-from-scratch-pytorch
This project implement basic OCR for Vietnamese from scratch with Pytorch, using CNN and BidirectionalLSTM
Language: Jupyter Notebook - Size: 301 MB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 3 - Forks: 0

rimo02/Natural-Language-Processsing
A repo for all my nlp basics
Language: Jupyter Notebook - Size: 59.6 KB - Last synced at: about 2 months ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

rimo02/ironydetection
Detecting sarcasm in texts
Language: Jupyter Notebook - Size: 31.7 MB - Last synced at: about 2 months ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

vn33/Intensity-Analysis-EmotionClassification
Predict emotions (happiness, anger, sadness) from WhatsApp chat data using machine learning and deep learning models. Includes text normalization, vectorization (TF-IDF, BoW, Word2Vec, GloVe), and model evaluation.
Language: Jupyter Notebook - Size: 3.57 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

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: about 2 months ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 0

ivllnv/CPE313-Final-Project
The repository focuses on developing a comprehensive business opportunity analysis system that uses geospatial data, sentiment analysis, and topic modeling. The objective is to leverage these techniques to identify and evaluate potential business opportunities in area of interest.
Language: Jupyter Notebook - Size: 7.13 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

bushra-rafia/Bangla-Chatbot
Bangla Conversational Chatbot using Bidirectional LSTM with Attention Mechanism
Language: Jupyter Notebook - Size: 2.75 MB - Last synced at: 11 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Nessrin1990/vaccine
vaccine
Language: Jupyter Notebook - Size: 587 KB - Last synced at: 11 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

resotto/laplace
LSTM Model to predict BTCUSD ticker values
Language: Python - Size: 4.24 MB - Last synced at: 7 days ago - Pushed at: over 4 years ago - Stars: 10 - Forks: 4

PialGhosh2233/Simple-Bangla-Chatbot-using-Neural-Network
A bangla chatbot using bidirectional lstm
Language: Jupyter Notebook - Size: 74.2 KB - Last synced at: about 2 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

nestiank/action-recognition-cnn-bd-lstm
Rough PyTorch implementation of "Action Recognition in Video Sequences using Deep Bi-directional LSTM with CNN Features" (Amin Ullah, et al.)
Language: Python - Size: 33.2 KB - Last synced at: 12 months ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 2

Ashutosh27ind/POSTaggingUsingRNN
Use RNNs to tag words in an English corpus with their part-of-speech (POS) tag.
Language: Jupyter Notebook - Size: 103 KB - Last synced at: 12 months ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

Spandan2308/Sea-Ice-Extent-forecasting-using-hybrid-LSTM
The Sea Ice Extent of 5 Arctic and Antarctic regions is forecasted using CNN+LSTM, Bidirectional LSTM and Standalone LSTM.
Size: 652 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

a7madKaddour/BiDAF
Implementation of the Bi-Directional Attention Flow Model (BiDAF) in Python using Keras
Language: Python - Size: 9.52 MB - Last synced at: 12 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

gokulnpc/Toxic-Comment-Classifier
This project employs a deep neural network architecture for the classification of toxic comments, utilizing the Kaggle competition dataset from the Jigsaw Toxic Comment Classification Challenge.
Language: Jupyter Notebook - Size: 25.9 MB - Last synced at: 25 days ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

NayanKanaparthi/Song-Poetry-Generation-Model
This open-source project aims to train a model that can learn from a collection of Irish songs and generate poetic lyrics inspired by the rich cultural heritage of Ireland.
Language: Jupyter Notebook - Size: 43.9 KB - Last synced at: 30 days ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

AdamLevitt/NLP_Origins_Repo
NLP model for predicting name origins
Language: Python - Size: 18.6 KB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

aisu-programming/CV-Badminton-Matches
Detect various kind of data of badminton matches using Bidirectional LSTM || AI Cup 2023 - Teaching Computers to Watch Badminton Matches (5th place) / 教電腦看羽球 (第五名)
Language: Python - Size: 12.1 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

expellialbus/IMDb-Reviews-Sentiment-Analysis
This project aims to classify Imdb reviews according to their sentiments by using a Bidirectional LSTM model.
Language: Python - Size: 163 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 1

fajieyuan/WWW2020-grec
Sequence-to-Sequence Generative Model for Sequential Recommender System
Language: Python - Size: 937 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 17 - Forks: 7

ilias-chatzistefanidis/HetNets-steering
Repo containing Channel Quality Indicator (CQI) data from real car routes in Greece. It contains a reproducable notebook with the implementation of a Bidirectional LSTM Neural Network for real-time CQI forecasting in heterogeneous ultra-dense beyond-5G networks.
Language: Jupyter Notebook - Size: 722 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 5 - Forks: 0

ChryssaNab/Handwriting-Recognition
Implementation of Handwritten Text Recognition Systems using TensorFlow
Language: Python - Size: 15.5 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 3 - Forks: 0

vaibhavdangar09/Stock_Market_Prediction_And_Forecasting_Using_Bidirectional_LSTM_RNN
Utilizing advanced Bidirectional LSTM RNN technology, our project focuses on accurately predicting stock market trends. By analyzing historical data, our system learns intricate patterns to provide insightful forecasts. Investors gain a robust tool for informed decision-making in dynamic market conditions. With a streamlined interface, our solution
Language: Jupyter Notebook - Size: 142 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

wellcometrust/deep_reference_parser
A deep learning model for extracting references from text
Language: Python - Size: 3.31 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 22 - Forks: 1

antonio-f/Named-Entity-Recognition
Recognize named entities on Twitter with LSTMs. From the Natural Language Processing course - Coursera's Advanced Machine Learning specialization.
Language: Jupyter Notebook - Size: 860 KB - Last synced at: 22 days ago - Pushed at: almost 6 years ago - Stars: 2 - Forks: 1

antonio-f/attention_mechanism_tf2
Neural Machine Translation with Attention - TensorFlow 2.X
Language: Jupyter Notebook - Size: 694 KB - Last synced at: 22 days ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

yahdiindrawan/covid19-forecasting-system
Covid-19 Forecasting System using Long Short Term Memory
Language: Jupyter Notebook - Size: 941 KB - Last synced at: about 1 year ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 2

swap-253/Twitter-US-Airline-Sentiment-Analysis
In this repository I have utilised 6 different NLP Models to predict the sentiments of the user as per the twitter reviews on airline. The dataset is Twitter US Airline Sentiment. The best models each from ML and DL have been deployed. It employs text preprocessing,
Language: Jupyter Notebook - Size: 3.38 MB - Last synced at: about 1 year ago - Pushed at: almost 4 years ago - Stars: 4 - Forks: 2

RiyaTasgaonkar/OCEAN-Trait-Prediction
Prediction of Big 5 personality traits using Bidirectional LSTM
Language: Jupyter Notebook - Size: 18 MB - Last synced at: about 1 year ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 1

Alpha-131/Tweet-Emotion-Recognition
I crafted a robust sentiment analysis model featuring Bidirectional LSTM layers and embeddings. Leveraging a Sequential model structure and fine-tuning with 'sparse_categorical_crossentropy' loss and 'adam' optimizer, the implementation excels in capturing contextual nuances for precise emotion classification in natural language data.
Language: Jupyter Notebook - Size: 84 KB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

SANJITH-KUMAR-20/NMT-BiEncoderDecoder-Model
This Repository Contains the code implementation for neural machine translation between Tanglish and English
Language: Jupyter Notebook - Size: 18.8 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

ivedants/Music-Playlist-Generation-using-Twitter-account-post-history-and-Sentiment-Analysis
Music playlist generation capability based on a Twitter account's social media posting history by sentiment analysis to compare the distribution of tweet and song lyric sentiment polarities to generate a list of recommended songs. Integrated using Bidirectional LSTMs for Tweet Sentiment Analysis and NLTK VADER for Song Lyric Sentiment Analysis.
Language: Jupyter Notebook - Size: 22.1 MB - Last synced at: 5 months ago - Pushed at: almost 4 years ago - Stars: 6 - Forks: 4

mengwaichan/CSc448_Final_Project
This project is a sentiment analysis model based on passed tweets
Language: Jupyter Notebook - Size: 183 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

tejaswidabas123/social_media_toxicity_Analysis
Detect and classify toxic behavior in social media comments using a bidirectional LSTM-based neural network. Achieved precision of 0.932 and recall of 0.733. Applications include customer service, reputation management, and market research. Real-time predictions available via a Gradio app. Future scope includes multi-lingual sentiment analysis.
Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

FredZhang7/currency-exchange-ml-app
predictive analysis for currency exchange rates, still under active development
Language: Java - Size: 13.5 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

GeetanjaliSrivastava/POS-tagging-for-Sanskrit-Language
Here, I have developed POS-Tagging for Sanskrit Language. The dataset for the development of the model is pre-processed by me which was originally(raw-data) taken from JNU site.
Language: Jupyter Notebook - Size: 85 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

athrvkk/UCI-Sentiment-Analysis
Implementation of various Machine Learning and Deep Learning models for Sentiment Analysis on the 'Sentiment Labelled Sentences Data Set' by University of California, Irvine.
Language: Jupyter Notebook - Size: 35.4 MB - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 4

amansrivastava17/lstm-siamese-text-similarity
⚛️ It is keras based implementation of siamese architecture using lstm encoders to compute text similarity
Language: Python - Size: 69.3 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 278 - Forks: 91

peace195/multitask-learning-protein-prediction
Multitask learning: protein secondary structure prediction, b-values prediction and solvent-accessibility prediction
Language: Python - Size: 24 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 24 - Forks: 7

Nikhilkohli1/Natural-Language-Processing
This repository contains Natural Language Processing Projects like Sarcasm Detection, Quora Insincere Questions Classification & Edgar Sentiment Analysis
Language: Jupyter Notebook - Size: 22.6 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 2

sismetanin/emosense-semeval2019-task3-emocontext
Deep-learning system presented in "EmoSence at SemEval-2019 Task 3: Bidirectional LSTM Network for Contextual Emotion Detection in Textual Conversations" at SemEval-2019.
Language: Jupyter Notebook - Size: 62.5 KB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 25 - Forks: 11

vsuthichai/paraphraser
Sentence paraphrase generation at the sentence level
Language: Python - Size: 430 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 400 - Forks: 100

vinayakumarr/Deep-learning-for-Programmers
Learn to code deep learning algorithms
Language: Jupyter Notebook - Size: 18.6 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 8 - Forks: 16

jayshah19949596/DeepSign-A-Deep-Learning-Architecture-for-Sign-Language-Recognition
Language: Python - Size: 59.9 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 44 - Forks: 19

phkhanhtrinh23/spelling_correction
Spelling Correction with Bidirectional LSTM + Attention Mechanism.
Language: Jupyter Notebook - Size: 7.44 MB - Last synced at: 12 months ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 0

Sitaras/Twitter-Covid-Vaccination-Data-Sentiment-Analysis
🦠| Sentiment analysis on tweets about covid-19 vaccinations using Soft-max Regression, FNN, RNN and BERT-Base-uncased.
Language: Jupyter Notebook - Size: 2.95 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 0

Vibhor-Kolte/Abstractive-Text-Summarizer
Automatic text summarization is the task of producing a concise and fluent summary while preserving key information content and overall meaning. In this project, the task was to design a deep learning based model to obtain abstractive text summarization
Language: Jupyter Notebook - Size: 19.5 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

soheilabadifard/Predicting-the-next-word
Language: Jupyter Notebook - Size: 41 KB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

GauravPahwa2021/Fake_News_Prediction
In this Project I basically develop a deep learning algorithm to identify that which article might be fake news or which is not.
Language: Jupyter Notebook - Size: 10.6 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

alik604/bioMedical-imaging
Many-in-one repo: The "MNIST" of Brain Digits - Thought classification, Motor movement classification, 3D cancer detection, and Covid detection
Language: Jupyter Notebook - Size: 760 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 7 - Forks: 2

AdiShirsath/Lyrics-Generator
Lyrics Generation using GPT2 and own created Bidirectional-lstm model
Language: Jupyter Notebook - Size: 80.1 KB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

hosseindamavandi/Fake-News-Detection
This repository contains AI models that identify deceptive content and combat misinformation
Language: Jupyter Notebook - Size: 100 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 15 - Forks: 0

noernimat/deep_learning_for_nlp
Sentiment analysis using deep learning
Language: Jupyter Notebook - Size: 276 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

peace195/aspect-based-sentiment-analysis
Aspect Based Sentiment Analysis
Language: C++ - Size: 60.4 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 106 - Forks: 38

philgookang/simple_bilstm_model
A simple many-to-one string generating Bidirectional LSTM using pytorch
Language: Python - Size: 25.2 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

irenepisani/Pattern_Recognition
Intelligent system for pattern recognition: image, signal and text processing with deep learning and generative learning models.
Language: Jupyter Notebook - Size: 73.7 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 0

deeptangshu29/Tweet-Sentiment-Analysis
Analyze tweets with Bidirectional LSTM for sentiment. Accurately gauge public opinions, enhance brand insights, and track sentiment shifts in real-time.
Language: Jupyter Notebook - Size: 11.5 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 1

ngoquanghuy99/POS-Tagging-BiLSTM-CRF
A Tensorflow 2, Keras implementation of POS tagging using Bidirectional LSTM-CRF on Penn Treebank corpus (WSJ)
Language: Python - Size: 27.8 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 30 - Forks: 1

chloequinto/COVID-19-LSTM
Originally CPE 695 Final Project but extended work to focus on COVID-19
Language: Jupyter Notebook - Size: 1.85 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

xenaritu/Natural_Language_Processing
This repository aims is dedicated to exploring NLP problems using deep learning
Language: Python - Size: 5.86 KB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0
