GitHub topics: rnn-tensorflow
GwRzky/Stock-Predictor
An AI powered stock predictor to combat financial illiteracy
Language: HTML - Size: 24.4 KB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 0 - Forks: 0

asghar-rizvi/Deep_Learning_Projects
Developed multiple Deep Learning projects using CNN, RNN, ANN, and fine-tuned models to tackle real-world challenges. Optimized architectures for diverse tasks, ensuring high accuracy and efficiency. Shared Jupyter Notebooks, providing insights into the model-building process to assist others in utilizing my work.
Language: Jupyter Notebook - Size: 128 MB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 0 - Forks: 0

rafanahmed/QC-RNN-Overfitting-CaseStudy
Case study of an overfit QuantConnect RNN trading strategy for SPY. Demonstrates pitfalls of lookahead bias in backtesting ML models.
Language: Jupyter Notebook - Size: 50.8 KB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 0 - Forks: 0

KKeshav1101/NLP
Based on Natural Language Programming Lab coursework as a part of my degree
Language: Jupyter Notebook - Size: 259 KB - Last synced at: 5 days ago - Pushed at: 9 days ago - Stars: 0 - Forks: 0

AM-Ankitgit/Complete-Deep-Learning-Algorithms
deep-learning machine-learning
Language: Jupyter Notebook - Size: 196 MB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 0 - Forks: 0

badapa1502/GTZAN-Genre-Classification
The goal is to train and experiment with different neural network achitectures on the Mel spectrograms from the GTZAN dataset to classify the corresponding music genres. Different data augmentation techniques, CNNs, RNNs, mix of CNN/RNNs, optimisers/learning rates were adopted to yield 88.5% validation accuracy.
Language: Jupyter Notebook - Size: 979 KB - Last synced at: 18 days ago - Pushed at: 18 days ago - Stars: 0 - Forks: 0

dhyanid13/Intrusion-detection-using-RNN
Detecting attacks in Intrusion-detection-using-RNN
Language: Jupyter Notebook - Size: 5.87 MB - Last synced at: 21 days ago - Pushed at: 21 days ago - Stars: 0 - Forks: 0

Raj-UtsaV/IMDB_Movies_Review
"A sentiment analysis project using IMDb movie reviews with NLP and machine learning techniques to classify reviews as positive or negative."
Language: Jupyter Notebook - Size: 108 MB - Last synced at: 21 days ago - Pushed at: 21 days ago - Stars: 0 - Forks: 0

fractalego/subjectivity_classifier
Detects if a sentence is in a subjective or objective form
Language: Python - Size: 3.14 MB - Last synced at: 6 days ago - Pushed at: about 2 years ago - Stars: 26 - Forks: 6

FrozenAssassine/Sound_Generation_RNN
Midi music generation neural network using RNN with LSTM layer
Language: Python - Size: 7.81 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

LeviBorodenko/garnn
TensorFlow implementation of Graphical Attention Recurrent Neural Networks based on work by Cirstea et al., 2019.
Language: Python - Size: 99.6 KB - Last synced at: 21 days ago - Pushed at: over 5 years ago - Stars: 27 - Forks: 1

SHRISH01/Deep-Learning-Basics
Deep learning is a method in artificial intelligence (AI) that teaches computers to process data in a way that is inspired by the human brain.
Language: Jupyter Notebook - Size: 20.2 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 1 - Forks: 0

lilianweng/stock-rnn
Predict stock market prices using RNN model with multilayer LSTM cells + optional multi-stock embeddings.
Language: Python - Size: 53.7 KB - Last synced at: about 1 month ago - Pushed at: almost 3 years ago - Stars: 1,869 - Forks: 678

abhinabasaha/TimeSeriesAnalysisTSA
Language: Jupyter Notebook - Size: 1.49 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

gsurma/password_cracker
Char-level RNN LSTM password cracker 🔑🔓.
Size: 1.02 MB - Last synced at: about 1 month ago - Pushed at: almost 4 years ago - Stars: 56 - Forks: 16

t04glovern/stylegan-pokemon
Generating Pokemon cards using a mixture of StyleGAN and RNN to create beautiful & vibrant cards ready for battle!
Language: Python - Size: 6.91 MB - Last synced at: 7 days ago - Pushed at: over 5 years ago - Stars: 49 - Forks: 10

sjchoi86/advanced-tensorflow
Little More Advanced TensorFlow Implementations
Language: Jupyter Notebook - Size: 55.7 MB - Last synced at: about 1 month ago - Pushed at: over 7 years ago - Stars: 371 - Forks: 115

Andersonjesusvital/Speech-Recognition-RNN
Deep learning-based subtitle generation model that processes audio datasets to generate accurate text transcriptions. Includes audio feature extraction, encoder-decoder architecture, training pipelines, and evaluation metrics for subtitle alignment.
Size: 1.95 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

mounalab/LSTM-RNN-VAD
Voice Activity Detection LSTM-RNN learning model
Language: Python - Size: 27.3 KB - Last synced at: 5 days ago - Pushed at: about 7 years ago - Stars: 50 - Forks: 22

IvanBongiorni/TensorFlow2.0_Notebooks
Implementation of a series of Neural Network architectures in TensorFow 2.0
Language: Jupyter Notebook - Size: 1.66 MB - Last synced at: 4 days ago - Pushed at: about 4 years ago - Stars: 37 - Forks: 22

google/e3d_lstm
e3d-lstm; Eidetic 3D LSTM A Model for Video Prediction and Beyond
Language: Python - Size: 97.7 KB - Last synced at: 22 days ago - Pushed at: almost 3 years ago - Stars: 199 - Forks: 57

gsurma/text_predictor
Char-level RNN LSTM text generator📄.
Language: Python - Size: 125 MB - Last synced at: about 1 month ago - Pushed at: almost 4 years ago - Stars: 115 - Forks: 35

girishp92/Human-activity-recognition-using-Recurrent-Neural-Nets-RNN-LSTM-and-Tensorflow-on-Smartphones
This was my Master's project where i was involved using a dataset from Wireless Sensor Data Mining Lab (WISDM) to build a machine learning model to predict basic human activities using a smartphone accelerometer, Using Tensorflow framework, recurrent neural nets and multiple stacks of Long-short-term memory units(LSTM) for building a deep network. After the model was trained, it was saved and exported to an android application and the predictions were made using the model and the interface to speak out the results using text-to-speech API.
Language: Python - Size: 139 MB - Last synced at: 23 days ago - Pushed at: over 7 years ago - Stars: 85 - Forks: 37

lucko515/tesla-stocks-prediction
The implementation of LSTM in TensorFlow used for the stock prediction.
Language: Jupyter Notebook - Size: 607 KB - Last synced at: 27 days ago - Pushed at: over 5 years ago - Stars: 59 - Forks: 42

hunkim/word-rnn-tensorflow
Multi-layer Recurrent Neural Networks (LSTM, RNN) for word-level language models in Python using TensorFlow.
Language: Python - Size: 551 KB - Last synced at: about 1 month ago - Pushed at: over 5 years ago - Stars: 1,301 - Forks: 491

crazydonkey200/tensorflow-char-rnn
Char-RNN implemented using TensorFlow.
Language: Python - Size: 5.55 MB - Last synced at: 17 days ago - Pushed at: about 7 years ago - Stars: 426 - Forks: 267

Nazanin1369/stockPredictor
Predict stock movement with Machine Learning and Deep Learning algorithms
Language: Jupyter Notebook - Size: 12.1 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 51 - Forks: 28

angeligareta/image-captioning
Image Caption Generator implemented using Tensorflow and Keras in a Python Jupyter Notebook. The goal is to describe the content of an image by using a CNN and RNN.
Language: Jupyter Notebook - Size: 393 KB - Last synced at: about 1 month ago - Pushed at: about 4 years ago - Stars: 31 - Forks: 12

dennisvdang/chorus-detection
A deep learning project for automated chorus detection in songs, featuring a command-line interface (CLI) tool that allows users to input a YouTube link and utilize a pre-trained CRNN model to detect chorus sections from a song on YouTube
Language: Jupyter Notebook - Size: 159 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 20 - Forks: 4

KrishArul26/Text-Classification-DBpedia-ontology-classes-Using-LSTM
Text classification is the task of assigning a set of predefined categories to free text. Text classifiers can be used to organize, structure, and categorize pretty much anything. For example, new articles can be organized by topics, support tickets can be organized by urgency, chat conversations can be organized by language, brand mentions can be organized by sentiment, and so on.
Language: Python - Size: 27.3 MB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 1

abu14/Climate-Temperature-Forecasting-LSTM
A climate forecasting model using the Jena Climate dataset, leveraging LSTM networks to predict temperature from 14 atmospheric variables recorded every 10 minutes.
Language: Jupyter Notebook - Size: 14 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

javonnii/melody_generator_rnn
Generating AI melodies using Google's Magenta
Language: Python - Size: 150 MB - Last synced at: 1 day ago - Pushed at: about 4 years ago - Stars: 12 - Forks: 2

gabrielspmoreira/chameleon_recsys
Source code of CHAMELEON - A Deep Learning Meta-Architecture for News Recommender Systems
Language: Python - Size: 715 KB - Last synced at: about 1 month ago - Pushed at: about 2 years ago - Stars: 276 - Forks: 81

i-am-sergio/software-requirements-classification
Language: Python - Size: 90.3 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

yessasvini23/Pytorch-Bootcamp-on-AI-by-OpenCV
This OpenCV course is highly recommended for individuals seeking an introductory experience in Computer Vision and AI, and who wish to establish a strong foundation for their career development.
Size: 0 Bytes - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

HarshNarayanJha/colornet
Generating RGB colors from text sequences using RNNs
Language: Jupyter Notebook - Size: 1.79 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

laavanjan/Simple_RNN_imdb
This repository provides a Streamlit-based web application for sentiment analysis of IMDB movie reviews.t utilizes a pre-trained Recurrent Neural Network (RNN) model to classify reviews as positive or negative.sers can input their own reviews and receive real-time sentiment predictions.
Language: Jupyter Notebook - Size: 14.1 MB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

laavanjan/LSTM-RNN-Next-Word-Prediction
An advanced LSTM RNN-based deep learning model designed for next-word prediction. This model processes sequential text data using deep learning techniques to generate accurate and context-aware word predictions in real-time
Language: Jupyter Notebook - Size: 25 MB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

laavanjan/GRU-RNN-Next-Word-Prediction
This application uses Gated Recurrent Unit (GRU) and Long Short-Term Memory (LSTM) models to predict the next word in a sequence from Shakespeare's Hamlet
Language: Jupyter Notebook - Size: 12 MB - Last synced at: about 2 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

vyomshm/Sentiment-RNN
Sentiment analysis using a recurrent neural network
Language: Jupyter Notebook - Size: 11.3 MB - Last synced at: 19 days ago - Pushed at: about 8 years ago - Stars: 2 - Forks: 10

Charancholaveti/IMDB-SentimentAnalysis
IMDB Movie Review Sentiment Analysis-It will give the sentiment of the review whether it is Positive or Negative
Language: Jupyter Notebook - Size: 13.8 MB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

Sowham-3098/Stock_Price_Trend_-_Price_Predcition_using_RNN
This repository contains code for predicting stock market prices using Recurrent Neural Networks (RNN). The model is trained on historical stock data and can be used to make predictions for future stock prices.
Language: Jupyter Notebook - Size: 6.31 MB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 2 - Forks: 0

arjunravi26/deep_learning
This repo contains codes and notes to learn deep learning
Language: Jupyter Notebook - Size: 5.72 MB - Last synced at: about 2 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

TravelXML/TENSORFLOW-AND-KERAS-SENTIMENT-ANALYSIS-USING-RNN
NLP: Sentiment Analysis using TensorFlow and Keras: This project implements a Recurrent Neural Network (RNN) to classify Amazon product reviews into different sentiment categories. It leverages text preprocessing, tokenization, and model training to predict the sentiment with high accuracy.
Language: Jupyter Notebook - Size: 3.36 MB - Last synced at: about 1 month ago - Pushed at: 9 months ago - Stars: 2 - Forks: 0

AkshadK7/Production_Forecasting
Time Series Forecasts for Energy Production using LSTM based RNNs
Language: Jupyter Notebook - Size: 135 KB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 3 - Forks: 0

jra333/BTC-Price-Prediction
BTC price data pulled from Binance API to explore and analyze its predictability as an asset using traditional indicators as model features.
Language: Jupyter Notebook - Size: 36.2 MB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 4

briancheang/dr-seuss
Char-RNN generated Dr. Seuss
Language: Jupyter Notebook - Size: 219 MB - Last synced at: 3 days ago - Pushed at: over 6 years ago - Stars: 5 - Forks: 0

AchillesProject/EvolvedNeuron_for_HAR
Language: Jupyter Notebook - Size: 4.88 GB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

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

hamzafer/Visual-Assistant
Visual Assistant is an intelligent interface designed to provide real-time scene understanding by utilizing advanced machine learning and image processing algorithms applied to live video streams.
Language: Python - Size: 9.74 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 3 - Forks: 0

camara94/natural-language-processing-tensorflow
Natural Language processing in tensorflow
Language: Jupyter Notebook - Size: 28.8 MB - Last synced at: about 1 month ago - Pushed at: about 3 years ago - Stars: 10 - Forks: 7

shreenidhi7700/Skimlit-Project
Natural Language Processing Project -SKIMLIT
Language: Jupyter Notebook - Size: 70.8 MB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Brettb8711/rnn-financial-data-analysis
An evaluation of hyper tuning Recurrent Neural Network Models on financial data
Language: Jupyter Notebook - Size: 929 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

AmarNarayanDwivedi/LSTM_Text_Predictor
NextWordPredictor is an advanced natural language processing (NLP) model designed to predict the next word in a sequence of text using a Recurrent Neural Network (RNN) with Long Short-Term Memory (LSTM) cells.
Language: Jupyter Notebook - Size: 12.6 MB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

AnuragRaj11/Next-Word-Prediction-LSTM-GRU-RNN-Project
Language: Python - Size: 0 Bytes - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

kubershahi/dfas-rnn
Synthesizing DFAs through RNN
Language: Jupyter Notebook - Size: 2.66 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 2 - Forks: 0

AnuragRaj11/IMDB-Movie-Review-RNN-Project
Language: Jupyter Notebook - Size: 24.4 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

akaliutau/tensorflow-grimoire
Advanced topics in Deep Learning with tensorflow
Language: Jupyter Notebook - Size: 30.9 MB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

SURESHBEEKHANI/Text-Generation-With-LSTM
Long Short-Term Memory (LSTM) networks are a type of Recurrent Neural Network (RNN) designed to address the limitations of traditional RNNs, particularly in handling long-term dependencies. They are well-suited for tasks involving sequential data, such as time series forecasting, natural language processing, and speech recognition
Language: Jupyter Notebook - Size: 66.4 KB - Last synced at: 2 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

abishekvashok/Rep-Counter
AI Exercise Rep Counter based on Google's Human Pose Estimation Library (Posenet)
Language: Python - Size: 30.2 MB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 57 - Forks: 12

SevilayMuni/stock-prediction-web-app
AI web app for real-time stock forecasting & dashboards
Language: Python - Size: 30.1 MB - Last synced at: about 1 month ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

swethagss/LSTM_Next-Word-Predictor
Language modeling is a cornerstone of Natural Language Processing (NLP). This project focuses on next word prediction, where the goal is to predict the most likely next word in a sentence given the preceding context
Language: Jupyter Notebook - Size: 20.5 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

uragirii/Friends-Generator
This is just a simple RNN text generation model that generates new scripts of Friends TV Show.
Language: HTML - Size: 219 MB - Last synced at: 29 days ago - Pushed at: about 5 years ago - Stars: 5 - Forks: 1

Jai0212/GPT-RNN-Poetry-Generator
A generative pre-trained transformer (GPT) using a recurrent neural network (RNN) to generate poetry with customizable length and creativity index.
Language: PureBasic - Size: 1.04 MB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

sai-manas/Sentiment-Analysis-RNN
The repository Sentiment-Analysis-RNN is a project that focuses on sentiment analysis using Recurrent Neural Networks (RNN). It utilizes TensorFlow and Keras for building and training the model, and the dataset used is the IMDb movie reviews dataset. The repository includes Jupyter Notebooks demonstrating the prediction and model training processes
Language: Jupyter Notebook - Size: 14.9 MB - Last synced at: 2 months ago - Pushed at: 5 months 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: 17 days ago - Pushed at: over 2 years ago - Stars: 23 - Forks: 1

Shahab-Esfandiar/TaxiDemand-Prediction-Using-DeepLearning
Develope a CNN-LSTM model with Multi-Head Attention mechanism model to Predict Taxi demand
Language: Jupyter Notebook - Size: 103 MB - Last synced at: about 1 month ago - Pushed at: 9 months ago - Stars: 2 - Forks: 1

xinzcode/QA_BiLSTM
A QA System based by BiLSTM. 一个基于双向LSTM的智能问答系统,有交互界面、详细注释、多版本、能运行、文件齐全。
Language: Python - Size: 33.2 KB - Last synced at: 5 months ago - Pushed at: almost 5 years ago - Stars: 17 - Forks: 4

TeagueSS/LetsDance
LetsDance!! A SDSU student Project for Building Just dance routines from Uploaded Songs
Language: Python - Size: 10.8 MB - Last synced at: 5 days ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

zotroneneis/tensorflow_deep_learning_models
TensorFlow implementations of several deep learning models (e.g. variational autoencoder, RNN, ...)
Language: Jupyter Notebook - Size: 12 MB - Last synced at: about 1 month ago - Pushed at: almost 7 years ago - Stars: 37 - Forks: 14

Amber-Abuah/RNN-Poem-Generation
Recurrent Neural Network that can infinitely generate poetry, trained using Tensorflow.
Language: Python - Size: 786 KB - Last synced at: about 1 month ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

blurred-machine/RNN-based-Stock-Price-Prediction-using-LSTM
This repository will consist of a Long Short-Term Memory implementation of a Recurrent Neural Network used to predict the stock prices of Google Stocks for the next working day based on their past few days opening price trends.
Language: Python - Size: 3.21 MB - Last synced at: 15 days ago - Pushed at: about 5 years ago - Stars: 15 - Forks: 9

ravirch/Sentiment-Analysis-with-RNN
An end-to-end sentiment analysis project using a Recurrent Neural Network (RNN) with a Streamlit app for real-time predictions.
Language: Jupyter Notebook - Size: 13.9 MB - Last synced at: about 2 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

chdl17/Comment-Toxicity
Project is all about build a deep learning model to identify toxic comments using LSTM
Language: Jupyter Notebook - Size: 58.3 MB - Last synced at: 3 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

fazelelham32/DL-Workshop-python-matlab-R-programming
Codes and Project for Deep Learning
Language: Jupyter Notebook - Size: 32.3 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

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

AIKevin/Pointer_Generator_Summarizer
Pointer Generator Network: Seq2Seq with attention, pointing and coverage mechanism for abstractive summarization.
Language: Python - Size: 50.8 KB - Last synced at: 4 months ago - Pushed at: almost 6 years ago - Stars: 17 - Forks: 8

SM0311/movie-review-sentiment-app
IMDB Movie Review Sentiment Analysis
Language: Jupyter Notebook - Size: 13.9 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

luiscib3r/Solar-Rad-Forecasting
In these notebooks the entire research and implementation process carried out for the construction of various machine learning models based on neural networks that are capable of predicting levels of solar radiation is captured given a set of historical data taken by meteorological stations.
Language: Jupyter Notebook - Size: 6.67 MB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 27 - Forks: 3

cvbesJulian/Performance_RNN_For_EDM_RealTime
A trained RNN with an EDM MIDI set in various genres. This will be develop as a Max4Live device and it's main goal is to use it as a Real Time performance Tool within Ableton Live.
Size: 17.6 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

vigneswaran-chandrasekaran/Flipflop_experiments
Experiments with Flip flop networks on a variety of tasks to check and showcase its generalization abilities
Language: Jupyter Notebook - Size: 13.2 MB - Last synced at: 2 months ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

shubham-kothari/Stock-Price-Prediction-TSLA-using-LSTM
Language: Jupyter Notebook - Size: 5.96 MB - Last synced at: 29 days ago - Pushed at: almost 6 years ago - Stars: 2 - Forks: 1

lucko515/sentiment-analysis
In this mini-project I have implemented LSTM network to classify movie reviews for sentiment analysis task.
Language: Jupyter Notebook - Size: 500 KB - Last synced at: about 1 month ago - Pushed at: over 5 years ago - Stars: 3 - Forks: 3

sondosaabed/Intro-to-tensorFlow-for-deep-learning
Intro to tenserflow for deep learning Course with udacity
Language: Jupyter Notebook - Size: 6.69 MB - Last synced at: 19 days ago - Pushed at: over 1 year ago - Stars: 8 - Forks: 1

Lakshitalearning/CODSOFT
Machine Learning Projects - CODSOFT Internship: This repository showcases my machine learning projects completed during my internship at Codsoft. It demonstrates my skills in developing innovative solutions using various ML techniques and tools.
Language: Python - Size: 6.78 MB - Last synced at: about 1 month ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

alienobserver/keyword-spotting
Keyword Spotting using RNN with Attention layers
Language: Jupyter Notebook - Size: 2.16 MB - Last synced at: 13 days ago - Pushed at: almost 2 years ago - Stars: 3 - Forks: 1

naufalbasara/hfms-backend
Lifestyle Recommendation for Heart Failure Patients
Language: Python - Size: 6.7 MB - Last synced at: about 1 month ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

iajaykarthick/NER-medical-text
This project is to develop a named entity recognition (NER) model to identity medical entities such as diseases, symptoms, treatments in the unstructured medical text written in natural language.
Language: HTML - Size: 10.3 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 4 - Forks: 1

FarshidNooshi/TensorFlow-Notebooks
A collection of notebooks with TensorFlow and the Keras API for various deep-learning and machine learning problems
Language: Jupyter Notebook - Size: 4.32 MB - Last synced at: about 1 month ago - Pushed at: almost 2 years ago - Stars: 29 - Forks: 3

furk4neg3/TextEmotionRecognition
In this project, I've created AI models to predict emotion based on texts. I've used RNN and transfer learning for that. Best model works with 96% accuracy.
Language: Jupyter Notebook - Size: 93.8 KB - Last synced at: about 1 month ago - Pushed at: 9 months ago - Stars: 2 - Forks: 0

alihassanml/Next-Word-Prediction-using-LSTM
This repository contains a Streamlit application for predicting the next word in a given text input using an LSTM model. The application leverages TensorFlow and a pre-trained LSTM model to generate word predictions.
Language: Jupyter Notebook - Size: 19 MB - Last synced at: 3 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

AtheerAlzhrani/nlp_projects
NLP projects, which I worked on utilising different natural language processing libraries's.
Language: Jupyter Notebook - Size: 104 KB - Last synced at: about 2 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

kashish45/AG-s-News-Topic-Classification-Using-LSTM-Neural-Networks
Language: Jupyter Notebook - Size: 27.8 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

HzRisho/AbunisSpeechRecognition 📦
Speech recognition project that can, recognize the Arabic language, differentiate between speakers, isolate the speech, and more.
Size: 0 Bytes - Last synced at: 8 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

dofire/text2emotions-RNN
text classification, text to emotions notebook 🎨
Language: Jupyter Notebook - Size: 30.8 MB - Last synced at: 7 days ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 1

camicontr/TempPredictAPI
API developed with FastAPI for temperature prediction using RNN
Language: Python - Size: 426 KB - Last synced at: 9 months ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 0

maryamesh/Forecasting-and-Analysis-of-Geomagnetic-Storms-and-Ionospheric-Variations
Forecasting and Analysis of Geomagnetic Storms aims to predict VTEC values to forecast geomagnetic storms. Using time series data from Egyptian Space Agency and Cairo stations, along with NASA’s OMNI data, the project employs an RNN and advanced feature engineering. Outputs are confidential, but the code is available.
Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

Arpan-techguy/Sentiment_Analyser
To check app click here
Language: Jupyter Notebook - Size: 13.9 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

Shahab-Esfandiar/LandCover-Prediction-Using-DeepLearning
Develope a CNN-GRU model to Predict Land cover
Language: Jupyter Notebook - Size: 24.4 MB - Last synced at: about 1 month ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

suvajit-patra/RNN-assignment
Sentiment Analysis on Amazon 2018 customer review dataset
Language: Jupyter Notebook - Size: 20.5 KB - Last synced at: 10 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0
