Projects in Awesome Lists tagged with rnn-tensorflow
A curated list of projects in awesome lists tagged with rnn-tensorflow .
https://github.com/lilianweng/stock-rnn
Predict stock market prices using RNN model with multilayer LSTM cells + optional multi-stock embeddings.
embeddings lstm rnn-tensorflow stock-price-prediction
Last synced: 15 May 2025
https://github.com/hunkim/word-rnn-tensorflow
Multi-layer Recurrent Neural Networks (LSTM, RNN) for word-level language models in Python using TensorFlow.
lstm python rnn rnn-tensorflow tensorflow
Last synced: 16 May 2025
https://github.com/crazydonkey200/tensorflow-char-rnn
Char-RNN implemented using TensorFlow.
recurrent-neural-networks rnn rnn-tensorflow tensorflow
Last synced: 24 Apr 2025
https://github.com/sjchoi86/advanced-tensorflow
Little More Advanced TensorFlow Implementations
char-rnn gan rnn-tensorflow tensorflow tensorflow-implementations
Last synced: 07 Apr 2025
https://github.com/gabrielspmoreira/chameleon_recsys
Source code of CHAMELEON - A Deep Learning Meta-Architecture for News Recommender Systems
deep-learning deep-neural-networks lstm lstm-neural-network lstm-neural-networks news-recommendation recommendation-algorithms recommendation-engine recommendation-system recommender-system rnn rnn-tensorflow tensorflow word-embeddings word2vec
Last synced: 07 Apr 2025
https://github.com/disiok/poetry-seq2seq
Chinese Poetry Generation
attention-mechanism beam-search bidirectional-lstm chinese-poetry lstm poetry poetry-generator rnn rnn-encoder-decoder rnn-tensorflow seq2seq seq2seq-model
Last synced: 01 Jan 2025
https://github.com/gsurma/text_predictor
Char-level RNN LSTM text generator📄.
ai artificial-intelligence deep-learning lstm lstm-neural-networks machine-learning python rnn rnn-tensorflow text-mining
Last synced: 12 May 2025
https://github.com/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.
android-application androidstudio deep-learning hidden-units human-activities lstm-neural-networks machine-learning pickle proof-of-concept pycharm-ide python3 rnn-tensorflow scikit-learn smartphone-accelerometer
Last synced: 12 Apr 2025
https://github.com/lucko515/tesla-stocks-prediction
The implementation of LSTM in TensorFlow used for the stock prediction.
deep-learning lstm-neural-networks machine-learning rnn-tensorflow stock-price-prediction tensorflow
Last synced: 14 Apr 2025
https://github.com/abishekvashok/rep-counter
AI Exercise Rep Counter based on Google's Human Pose Estimation Library (Posenet)
artificial-intelligence deep-learning machine-learning neural-networks posenet repetion-counter repetition rnn rnn-tensorflow tensorflow
Last synced: 22 Mar 2025
https://github.com/gsurma/password_cracker
Char-level RNN LSTM password cracker 🔑🔓.
ai artificial-intelligence deep-learning hacking lstm machine-learning neural-networks password password-generator python recurrent-neural-networks rnn rnn-tensorflow text-mining
Last synced: 12 May 2025
https://github.com/mounalab/LSTM-RNN-VAD
Voice Activity Detection LSTM-RNN learning model
lstm lstm-neural-network nlp-machine-learning rnn rnn-tensorflow tensorflow vad
Last synced: 07 May 2025
https://github.com/t04glovern/stylegan-pokemon
Generating Pokemon cards using a mixture of StyleGAN and RNN to create beautiful & vibrant cards ready for battle!
pokemon rnn rnn-tensorflow stylegan stylegan-model tensorflow
Last synced: 11 Apr 2025
https://github.com/nazanin1369/stockpredictor
Predict stock movement with Machine Learning and Deep Learning algorithms
deep-learning lstm-neural-networks rnn-tensorflow stock stock-market
Last synced: 21 Mar 2025
https://github.com/zotroneneis/tensorflow_deep_learning_models
TensorFlow implementations of several deep learning models (e.g. variational autoencoder, RNN, ...)
cnn cnn-tensorflow convolutional-neural-network convolutional-neural-networks deep-learning ipynb machine-learning notebook python recurrent-neural-network recurrent-neural-networks rnn rnn-tensorflow tensorflow vae variational-autoencoder
Last synced: 25 Jan 2025
https://github.com/ivanbongiorni/tensorflow2.0_notebooks
Implementation of a series of Neural Network architectures in TensorFow 2.0
autoencoder autograph batch-gradient-descent classifier cnn-classifier convolutional-neural-networks data-science deep-learning dimensionality-reduction forecast-model lstm machine-learning neural-network python python-3 rnn rnn-tensorflow tensorflow tensorflow-tutorials tensorflow2
Last synced: 07 May 2025
https://github.com/farshidnooshi/tensorflow-notebooks
A collection of notebooks with TensorFlow and the Keras API for various deep-learning and machine learning problems
cnn-keras deep-learning keras lstm machine-learning neural-network nlp-machine-learning rnn rnn-tensorflow tensorflow tensorflow-examples tensorflow-tutorials
Last synced: 09 Feb 2025
https://github.com/fractalego/subjectivity_classifier
Detects if a sentence is in a subjective or objective form
nlp rnn-tensorflow subjectivity
Last synced: 23 Mar 2025
https://github.com/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.
convolutional-neural-networks data-science deep-learning forecasting machine-learning rnn rnn-tensorflow
Last synced: 06 Apr 2025
https://github.com/vlievin/char-vae
Inspired by the neural style algorithm in the computer vision field, we propose a high-level language model with the aim of adapting the linguistic style.
generative-model rnn rnn-encoder-decoder rnn-tensorflow tensorflow tensorflow-experiments tensorflow-models vae vrae
Last synced: 09 Feb 2025
https://github.com/AIKevin/Pointer_Generator_Summarizer
Pointer Generator Network: Seq2Seq with attention, pointing and coverage mechanism for abstractive summarization.
abstractive-summarization artificial-intelligence attention-mechanism deep-learning encoder-decoder natural-language-generation natural-language-processing neural-networks pointer-generator python3 rnn rnn-tensorflow seq2seq summarization tensorflow
Last synced: 13 Jan 2025
https://github.com/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.
google-stocks lstm-neural-networks machinelearning python regression-models rnn-tensorflow stock-price-prediction
Last synced: 27 Apr 2025
https://github.com/amitkumarj441/bitcoin-price-prediction
Predict Bitcoin Price using Recurrent Neural Network
bitcoin-api numpy python-library rnn-tensorflow seq2seq-model
Last synced: 14 Apr 2025
https://github.com/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.
cnn cnn-keras cnn-tensorflow image-caption-generator image-captioning jupyter-notebook keras python rnn rnn-tensorflow tensorflow
Last synced: 22 Nov 2024
https://github.com/camara94/natural-language-processing-tensorflow
Natural Language processing in tensorflow
dataset deep-learning lstm-neural-networks lstm-sentiment-analysis machine-learning natural-language-processing nlp nlp-keywords-extraction nlp-machine-learning rnn rnn-tensorflow sentiment-analysis tensorflow text-classification
Last synced: 05 Apr 2025
https://github.com/tarcisio-marinho/music-generation
Piano music generation with RNN with Tensorflow
lstm lstm-model lstm-neural-networks music music-generation music-generator recurrent-neural-network recurrent-neural-networks rnn rnn-model rnn-tensorflow tensorflow tensorflow-models
Last synced: 09 Apr 2025
https://github.com/sondosaabed/intro-to-tensorflow-for-deep-learning
Intro to tenserflow for deep learning Course with udacity
cnn deep-learning dense-neural-network forecasting lstm-neural-networks rnn-tensorflow tenserflow time-series-analysis
Last synced: 22 Apr 2025
https://github.com/smoke-trees/sparc
Smart Grid solution which compiles home networks and grids in an effecient manner, controlled by recurrent networks which predict distribution and consumption and also supported by an energy credit system. All running as microservices supporting each other.
microservice rnn-tensorflow smart-grid smart-home
Last synced: 22 Nov 2024
https://github.com/omarsar/rnn_introduction_fundamentals
Introduction to the Fundamentals of RNN
classification deep-learning machine-learning recurrent-neural-networks rnn rnn-tensorflow
Last synced: 10 Apr 2025
https://github.com/anniedotexe/rnn-twitter-bot
🤖✏️ A Twitter bot written in Python trained with a recurrent neural network.
automation bot colaboratory python python-3 python3 recurrent-neural-network recurrent-neural-networks rnn rnn-tensorflow text-generation textgenrnn textgenrnn-colaboratory-notebook tweet-bot tweetbot twitter twitter-bot twitterbot
Last synced: 25 Jan 2025
https://github.com/dhairya0907/creepypasta-text-generator
Website which uses Deep Learning to generate horror stories.
algorithmia deep-learning jupyter-notebook machine-learning neural-networks python rnn rnn-tensorflow text-generation text-generation-using-rnn
Last synced: 11 Apr 2025
https://github.com/uragirii/friends-generator
This is just a simple RNN text generation model that generates new scripts of Friends TV Show.
friends gru-model lstm lstm-neural-networks natural-language-processing nlp rnn rnn-lstm rnn-tensorflow tensorflow-tutorials tensorflow2 tv-series tv-shows
Last synced: 13 Apr 2025
https://github.com/vidursatija/musicnet
Smart Shuffle for iTunes
itunes machine-learning macos music music-player rnn rnn-tensorflow tensorflow
Last synced: 30 Jan 2025
https://github.com/ashnkumar/sumz_seq2seq
The model code for the chrome extension (Sumz) that implements a sequence to sequence model for summarizing Amazon reviews, using Tensorflow 1.1 and the Amazon Fine Foods reviews dataset.
amazon chrome-extension deep-learning rnn-tensorflow sequence-to-sequence tensorflow
Last synced: 13 May 2025
https://github.com/aditya5558/paraphrase-detection
Paraphrase Detection applied to Medical domain
deep-learning medical-application paraphrase-identification rnn-tensorflow
Last synced: 22 Apr 2025
https://github.com/neeru1207/rnn-to-predict-google-stock-prices
RNN using LSTM layers in coded in Python using Keras to predict Google open stock prices.
datascience deep-learning deeplearning lstm-neural-networks machine-learning neural-network neural-networks prediction-model python3 rnn rnn-lstm rnn-tensorflow
Last synced: 17 Dec 2024
https://github.com/fitushar/multi-label-annotation-text-reports-body-ct
There is progress to be made in building artificially intelligent systems to detect abnormalities that are not only accurate but can handle the true breadth of findings that radiologists encounter in body (chest, abdomen, and pelvis) Computed Tomography (CT). Currently, the major bottleneck for developing multi-disease classifiers is a lack of manually annotated data. The purpose of this work was to develop high throughput multi-label annotators for body CT reports that can be applied across a variety of abnormalities, organs, and disease states thereby mitigating the need for human annotation.
attention-mechanism ct-report nlp-machine-learning python-3 python-regex-extractor radiology-report-annotation radiology-reports rnn-tensorflow rule-based-modeling tensorflow2
Last synced: 01 Jan 2025
https://github.com/mauroluzzatto/story-cloze-task
Solving the story cloze task with sentence embeddings (TensorFlow).
nlp python rnn-tensorflow sentence-embeddings story-cloze-task
Last synced: 26 Apr 2025
https://github.com/briancheang/dr-seuss
Char-RNN generated Dr. Seuss
char-rnn lstm rnn rnn-model rnn-tensorflow tensorflow text-generation word-level-lstm
Last synced: 09 May 2025
https://github.com/alienobserver/keyword-spotting
Keyword Spotting using RNN with Attention layers
attention-lstm deep-learning keyword-spotting rnn-tensorflow
Last synced: 28 Apr 2025
https://github.com/akshadk7/production_forecasting
Time Series Forecasts for Energy Production using LSTM based RNNs
forecasting lstm-neural-networks rnn-tensorflow time-series
Last synced: 26 Feb 2025
https://github.com/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.
attention-mechanism bagofwords flask-application gensim-doc2vec gensim-word2vec glove-embeddings lemmatization lstm-neural-networks nlp-machine-learning nltk-python restapi-framework rnn-tensorflow stemming tensorflow2 word2vec-embeddinngs word2vec-model
Last synced: 10 Apr 2025
https://github.com/yessasvini23/machine_learning_specialization_deeplearning.ai
Contains all course modules, exercises and notes of ML Specialization by Andrew Ng, Stanford Un. and DeepLearning.ai in Coursera
andrew-ng andrew-ng-course andrew-ng-machine-learning classification data data-science deep-learning machine-learning machine-learning-algorithms neural-network nlp-machine-learning regression rnn-tensorflow
Last synced: 23 Feb 2025
https://github.com/dineshh912/machine-learning
Machine Learning basic model building with sci kit and create algorithm from scratch and many more
algorithm machine-learning python3 rnn-tensorflow scikit-learn tensorflow
Last synced: 01 Mar 2025
https://github.com/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.
binance bitcoin btc data-science eda finance lstm machine-learning modeling predictability price rnn-tensorflow series-forecasting time
Last synced: 10 Apr 2025
https://github.com/blob42/tv-script-generation
Simpsons script generators using RNNs with Tensorflow
deep-learning-nano-degree generative-model lstm lstm-model nd101 rnn rnn-tensorflow
Last synced: 05 Apr 2025
https://github.com/shahab-esfandiar/taxidemand-prediction-using-deeplearning
Develope a CNN-LSTM model with Multi-Head Attention mechanism model to Predict Taxi demand
cnn-keras data-science deep-learning pandas python rnn-tensorflow streamlit-webapp taxi-data
Last synced: 19 Dec 2024
https://github.com/crispengari/nlp-tensorflow
✔ Natural Language Processing (NLP) using tensorflow and keras.
jupyter-notebook keras natural-language-processing neural-network nlp python rnn-tensorflow sentiment-analysis tensorflow text-classification
Last synced: 03 Apr 2025
https://github.com/lucko515/sentiment-analysis
In this mini-project I have implemented LSTM network to classify movie reviews for sentiment analysis task.
deep-learning lstm movie-review-datasets rnn-tensorflow sentiment-analysis
Last synced: 06 Dec 2024
https://github.com/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.
artificial-intelligence deep-learning machine-learning nlp rnn rnn-tensorflow tensorflow tensorflow2 transfer-learning
Last synced: 06 Apr 2025
https://github.com/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.
lstm-model rnn-tensorflow stock-price-prediction streamlit-dashboard
Last synced: 05 Mar 2025
https://github.com/vyomshm/sentiment-rnn
Sentiment analysis using a recurrent neural network
deep-neural-networks recurrent-neural-networks rnn-tensorflow sentiment-analysis tensorflow
Last synced: 22 Apr 2025
https://github.com/dhairya0907/creepypasta-text-generator-website
Website which uses Deep Learning to generate horror stories.
algorithmia deep-learning machine-learning neural-networks react-native rnn rnn-tensorflow text-generation-using-rnn text-generator website
Last synced: 20 Mar 2025
https://github.com/thomasthaddeus/neuralnetworks
Imagery pipeline utilizing neural networks
cnn-keras greedy-algorithms knn-regression python rnn-tensorflow
Last synced: 15 Mar 2025
https://github.com/sweetpand/nlp-best-practices
LSTM, RNN, all best practices
clustering deep-learning lstm machine-learning machine-learning-models multi-task-learning nlp rnn rnn-pytorch rnn-tensorflow word-emeddings
Last synced: 27 Feb 2025
https://github.com/sarthak-1408/rnn-and-nlp
This Repo is totally based on RNN and NLP-related stuff.
bidirectional-lstm lstm machine-learning natural-language-processing recurrent-neural-networks rnn-tensorflow
Last synced: 06 Mar 2025
https://github.com/camara94/text-from-image
Dans ce projet j'ai utilisé la librairie EasyOCR qui est un projet open source de deep learning, qui permet d'extraire facilement du text à partir des images.
algorithms data-visualization datanalysis deep-learning machine-learning python3 rnn-tensorflow
Last synced: 09 Apr 2025
https://github.com/sevilaymuni/stock-prediction-web-app
AI web app for real-time stock forecasting & dashboards
dashboard neural-network plotly python rnn-tensorflow streamlit-webapp technical-indicators web-application
Last synced: 03 Apr 2025
https://github.com/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.
deep-learning deep-neural-networks deeplearning keras keras-tensorflow nlp rnn rnn-tensorflow sentiment-analysis tenserflow
Last synced: 07 Apr 2025
https://github.com/sarthak-1408/classifier-projects
Some Classification related Projects - (Breast Cancer Detection using KNN , LogisticRegression and Spam mail Classifier using SVM ) , Fake News Classification.
classification-algorithm machine-learning machine-learning-algorithms nlp-machine-learning rnn-tensorflow
Last synced: 06 Mar 2025
https://github.com/arkasarkar19/neural-machine-translation-with-attention-model
Refer Readme.md
attention-mechanism bi-lstm-model loop lstm-neural-networks machine-learning natural-language-processing neural-machine-translation neural-network python rnn-tensorflow step-attention
Last synced: 12 Mar 2025
https://github.com/beekill95/predrnn_tf
PredRNN implementation using Tensorflow.
deep-learning lstm predictive-learning predrnn rnn rnn-tensorflow spatial-temporal tensorflow
Last synced: 03 Mar 2025
https://github.com/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.
bidirectional-lstm generativeai python recurrent-neural-networks rnn-tensorflow sequential-models tensorflow
Last synced: 23 Mar 2025
https://github.com/shahab-esfandiar/landcover-prediction-using-deeplearning
Develope a CNN-GRU model to Predict Land cover
deep-learning geospatial landcover prediction-model python rnn-tensorflow
Last synced: 06 Apr 2025
https://github.com/kmedian/keras-layernorm-rnn
RNNs with layer normalization; Prep package for tensorflow/addons, see v0.8.2, and commit https://github.com/tensorflow/addons/commit/cdb43ffd7e4b89d6ce8cdadcd62fec46c7f0f7fa
keras layer-normalization recurrent-neural-network rnn rnn-keras rnn-tensorflow simplernn tensorflow
Last synced: 04 Mar 2025
https://github.com/smoke-trees/path-prediction
An intuitive path prediction app
machine-learning path-predictions reinforcement-learning-algorithms rnn-tensorflow
Last synced: 16 Mar 2025
https://github.com/abhigyan126/eng-to-hin-translator
This project is a technology demonstrator for performing English to Hindi translation on images using OCR using pre-trained model
depplearning eng-hin engl hindi nlp rnn-tensorflow seq2seq tensorflow translation
Last synced: 30 Mar 2025
https://github.com/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.
artificial-neural-networks convolutional-neural-networks deeplearning generative-ai rnn-tensorflow
Last synced: 18 Feb 2025
https://github.com/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
llm lstm rnn-pytorch rnn-tensorflow rrna-prediction
Last synced: 01 Mar 2025
https://github.com/ashenoy95/ml
Machine Learning, Neural Nets, Deep Learning basics
backpropagation expectation-maximization-algorithm gmm lstm ml mlp mnist-classification neural-network python3 rnn-tensorflow speech-denoising
Last synced: 24 Feb 2025
https://github.com/akash1070/natural-language-processing
Learning NLP Through Data
bag-of-words lstm-neural-networks named-entity-recognition named-entity-recognition-dataset nlp-machine-learning pos-tagging punkt reuters-corpus rnn-tensorflow sklearn-library
Last synced: 24 Mar 2025
https://github.com/zeuscoderbe/next_word_predicting
NLP bacsic
deep-learning generative-ai machine-learning nlp-machine-learning rnn-tensorflow text-generator
Last synced: 30 Mar 2025
https://github.com/vigneswaran-chandrasekaran/flipflop_experiments
Experiments with Flip flop networks on a variety of tasks to check and showcase its generalization abilities
rnn-tensorflow sequential-models
Last synced: 02 Mar 2025
https://github.com/richardwarepam16/be_dl_practicals
Deep Learning Practicals of B.E. SPPU, Computer Engg.
cnn-classification cnn-keras cnn-model deep-learning python3 rnn-lstm rnn-tensorflow sppu sppu-2019-pattern sppu-be sppu-computer-engineering
Last synced: 15 Mar 2025
https://github.com/milosgajdos/udacity-deep-learning-nanodegree
Udacity Deep Learning Nanodegree projects
cnn deep-learning neural-networks rnn-tensorflow udacity-deep-learning udacity-nanodegree
Last synced: 29 Mar 2025
https://github.com/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.
deep-learning lstm-neural-networks next rnn-tensorflow tensorflow wordprediction
Last synced: 21 Feb 2025
https://github.com/carloocchiena/rnn_text_generation
RNN for text generation from models with Keras and Tensorflow
keras python rnn rnn-tensorflow tensorflow
Last synced: 21 Mar 2025
https://github.com/chdl17/comment-toxicity
Project is all about build a deep learning model to identify toxic comments using LSTM
keras-tensorflow lstm-neural-network lstm-neural-networks rnn-tensorflow tensorflow2
Last synced: 24 Feb 2025
https://github.com/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.
deep-neural-networks dnn gated-recurrent-units gru lstm online-speech-recognition recurrent-neural-networks rnn rnn-tensorflow rnnt sequence-to-sequence speech-to-text tensorflow transformer-transducer
Last synced: 27 Mar 2025
https://github.com/kkeshav1101/nlp
Based on Natural Language Programming Lab coursework as a part of my degree
bag-of-words keras-tensorflow lstm nlp nltk python rnn-tensorflow tensorflow tfidf-vectorizer word2vec
Last synced: 07 May 2025
https://github.com/charancholaveti/imdb-sentimentanalysis
IMDB Movie Review Sentiment Analysis-It will give the sentiment of the review whether it is Positive or Negative
deeplearning keras numpy rnn-tensorflow tensorflow
Last synced: 05 Apr 2025
https://github.com/akaliutau/tensorflow-grimoire
Advanced topics in Deep Learning with tensorflow
cnn-keras deep-learning rnn-tensorflow tensorflow2 transformers
Last synced: 24 Feb 2025
https://github.com/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.
lstm-neural-networks python rnn-tensorflow streamlit
Last synced: 13 Mar 2025
https://github.com/dofire/text2emotions-RNN
text classification, text to emotions notebook 🎨
ipynb keras notebook python rnn rnn-tensorflow savedmodel tensorflow text-classification text-to-emotion tflite
Last synced: 05 May 2025
https://github.com/nirmalvatsyayan/nlp-foundation-nanodegree
Udacity NLP foundation nanodegree learning
cnn-keras deep-learning lemmatization neural-network nlp nlp-machine-learning nltk python3 rnn-encoder-decoder rnn-tensorflow stemming-algorithm
Last synced: 02 Mar 2025
https://github.com/am-ankitgit/complete-deep-learning-algorithms
deep-learning machine-learning
artificial-intelligence backprogation cnn-lstm cnn-model cnn-text-classification deep-learning deep-neural-networks forward-propagation keras-classification-models keras-tensorflow keras-tuner lstm-neural-networks pretrained-language-model pretrained-models python rnn-tensorflow tensorflow tensorflow2
Last synced: 20 Jun 2025
https://github.com/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.
ai csv-files gpt machine-learning neural-networks nlp-machine-learning numpy pandas-library poetry-generator rnn-tensorflow training-dataset
Last synced: 12 Mar 2025
https://github.com/sk-g/cmps-242
Github for CMPS 242 (Machine Learning) course work.
cmps242 gan logistic-regression lstm lstm-neural-networks machine-learning machine-learning-algorithms neural-networks rnn-tensorflow tensorflow tensorflow-experiments
Last synced: 03 Apr 2025
https://github.com/arjunravi26/deep_learning
This repo contains codes and notes to learn deep learning
ann autoencoders cnn deep-learning deepseek-r1 lstm numpy rnn-tensorflow tensorflow transformer
Last synced: 11 Jun 2025
https://github.com/blob42/language-translation-rnn
deep-learning language-learning nd101 rnn rnn-tensorflow translation
Last synced: 05 Apr 2025
https://github.com/haseebulhassan437/deep_rnns_and_difference-in_parameters
Exploring deep RNN architectures and parameter differences using TensorFlow/Keras — comparing stacked vs wider models for sequential data.
deep-neural-networks lstm-model rnn-tensorflow simplernn
Last synced: 17 Jun 2025
https://github.com/gregyjames/aipred
RNN stock price prediction
feature-engineering rnn-tensorflow stock stock-market stock-price-prediction
Last synced: 25 Feb 2025
https://github.com/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
data-science keras python rnn-tensorflow sentiment-analysis
Last synced: 06 Mar 2025
https://github.com/dofire/text2emotions-rnn
text classification, text to emotions notebook 🎨
ipynb keras notebook python rnn rnn-tensorflow savedmodel tensorflow text-classification text-to-emotion tflite
Last synced: 28 Mar 2025
https://github.com/nitinprakash96/rnn-tf
This is an attempt to implement a Recurrent Neural Network from Scratch backed with TensorFlow
deep-learning neural-network rnn rnn-tensorflow tensorflow tensorflow-tutorials
Last synced: 06 Mar 2025
https://github.com/naufalbasara/hfms-backend
Lifestyle Recommendation for Heart Failure Patients
genetic-algorithm lstm machine-learning optimization-algorithms recommender-system rnn-tensorflow tensorflow
Last synced: 06 Mar 2025