GitHub topics: next-word-prediction
sebastian2005-RP/GPU-Accelerated-Next-Word-Prediction-Using-LSTM-and-PyTorch
This repository implements a GPU-accelerated next-word prediction model using PyTorch and LSTM. It includes data preprocessing with NLTK, vocabulary creation, training on tokenized text, and generating text predictions, starting from a given input phrase.
Language: Jupyter Notebook - Size: 329 KB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 0 - Forks: 0

MUHAMMADAKMAL137/GPU-Accelerated-Next-Word-Prediction-Using-LSTM-and-PyTorch
This repository implements a GPU-accelerated next-word prediction model using PyTorch and LSTM. It includes data preprocessing with NLTK, vocabulary creation, training on tokenized text, and generating text predictions, starting from a given input phrase.
Language: Jupyter Notebook - Size: 332 KB - Last synced at: 12 days ago - Pushed at: 13 days ago - Stars: 1 - Forks: 0

sudydtdtgxdjchdyfghxyfgjcj/MLP-From-Scratch
A C++ implementation of a Multilayer Perceptron (MLP) neural network using Eigen, supporting multiple activation and loss functions, mini-batch gradient descent, and backpropagation for training.
Language: C++ - Size: 23.4 KB - Last synced at: 18 days ago - Pushed at: 18 days ago - Stars: 0 - Forks: 0

aalok-sathe/surprisal
A unified interface for computing surprisal (log probabilities) from language models! Supports neural, symbolic, and black-box API models.
Language: Python - Size: 888 KB - Last synced at: about 1 month ago - Pushed at: 5 months ago - Stars: 38 - Forks: 9

ramanakshay/nanogpt
nanoGPT model from scratch
Language: Python - Size: 78.1 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

tejas-130704/LSTM_Projects
This project uses an LSTM-based model to predict the next word in a sentence. By training on a given text dataset, the model learns word sequences and suggests the most probable next word. It can be improved with larger datasets and fine-tuned hyperparameters for better accuracy.
Language: Python - Size: 385 KB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

SayamAlt/Next-Word-Prediction-using-Bidirectional-LSTMs
Successfully developed a text generation model to predict the next word for a given sequence using LSTMs.
Language: Jupyter Notebook - Size: 4.95 MB - Last synced at: about 2 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

prince2004patel/next_word_prediction
This project implements a Next Word Prediction model using LSTM with an Attention mechanism.
Language: Jupyter Notebook - Size: 12.5 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

brunocampos01/federated-learning-for-text-generation
Machine learning project using federated learning for text generation
Language: Python - Size: 9.42 MB - Last synced at: 30 days ago - Pushed at: about 1 year ago - Stars: 11 - Forks: 2

2003HARSH/Next-Word-Prediction-using-RNN-LSTM-GRU
The Next Word Predictor using LSTM is a project that builds a text prediction model using Long Short-Term Memory (LSTM) neural networks. It predicts the most likely next word in a given sequence, useful for text composition and natural language processing tasks. The project allows customizable training and includes an interactive script for testing
Language: Jupyter Notebook - Size: 59.6 KB - Last synced at: 2 months ago - Pushed at: 10 months ago - Stars: 2 - Forks: 0

Aya-Jafar/Heal-Tech.AI-remake
React Web app for AI medical services
Language: TypeScript - Size: 7.25 MB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

microsoft/LMChallenge
A library & tools to evaluate predictive language models.
Language: Python - Size: 122 KB - Last synced at: 7 days ago - Pushed at: almost 2 years ago - Stars: 63 - Forks: 13

a-alhaouil/next_word_prediction
this a project for predicting the next word in a sequence using various models.
Language: Jupyter Notebook - Size: 24.7 MB - Last synced at: about 2 months ago - Pushed at: 5 months ago - Stars: 2 - Forks: 0

Sheel-ui/next-word-frontend
Text auto-completion system using the bert-base-uncased model by Hugging Face in the backend. Designed to enhance user experience across various applications, it anticipates and suggests word sequences as users type.
Language: TypeScript - Size: 372 KB - Last synced at: 2 months ago - Pushed at: 12 months ago - Stars: 1 - Forks: 0

Sheel-ui/next-word-backend
Text auto-completion system using the bert-base-uncased model by Hugging Face in the backend. Designed to enhance user experience across various applications, it anticipates and suggests word sequences as users type.
Language: Python - Size: 254 KB - Last synced at: 2 months ago - Pushed at: 12 months ago - Stars: 1 - Forks: 0

Susheel-1999/LSTM-next_word_prediction_using_pytorch
Predict the next word using Long short-term memory
Language: Jupyter Notebook - Size: 31.3 KB - Last synced at: about 1 month ago - Pushed at: about 4 years ago - Stars: 3 - Forks: 6

fmirzaie/Tweety
Generating quote-like text with Recurrent Neural Networks (RNNs)
Language: Jupyter Notebook - Size: 101 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

cobanov/next-word-predict
Next word prediction using a pre-trained model.
Language: Python - Size: 161 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 3 - Forks: 0

alinamuliak/N-gramTextPrediction
Prediction of the following words using N-gram technique.
Language: C++ - Size: 34.2 MB - Last synced at: 12 months ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 1

Saeed-Biabani/Next-Word-Prediction
Next word prediction. aims to generate coherent and contextually relevant suggestions for the next word based on the patterns and relationships learned from training data.
Language: Jupyter Notebook - Size: 45.9 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

jaiminjariwala/Next-Word-Predictor-LSTMs
Next Word Predictor using LSTMs and Tensorflow Framework
Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

apostolidoum/Next-Word-Prediction
A language modeling project for predicting the next word that a user will type
Language: Python - Size: 159 KB - Last synced at: about 1 year ago - Pushed at: almost 4 years ago - Stars: 6 - Forks: 0

Yashmenaria1/Next-Word-Prediction
Next word prediction using TensorFlow and NLP improves writing by suggesting the next word in messages, emails, and essays. It uses deep learning to analyze text data, predicting the most likely word based on context. This enhances typing speed and accuracy, aiding in coherent and efficient communication.
Language: Jupyter Notebook - Size: 262 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

coder1098/Next-Word-Predictor
It is simple project created using flask to predict the next word the user will write like on google search engine with the help of LSTM model
Language: Jupyter Notebook - Size: 37.4 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

arusl/nwp-en-bsd
This repo contains a Jupyter notebook for training an English next word prediction model based on a conversational dataset.
Language: Jupyter Notebook - Size: 38.1 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 1

sugarwaffles/CNN-RNN_Project
Fundamentals of CNN and RNN with keras & tensorflow libs
Language: Jupyter Notebook - Size: 18.5 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

naruto-o/next_word_prediction
build a neural network machine learning model that predicts the next word of a given text sequence. We also use this model, to generate text.
Language: Jupyter Notebook - Size: 3.12 MB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

iboraham/next-word-prediction
Interactive web application for real-time next word prediction using n-gram analysis, built with FastAPI and Tailwind CSS.
Language: HTML - Size: 358 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

rajveermalviya/language-modeling 📦
This is machine learning model that is trained to predict next word in the sequence. Model is defined in keras and then converted to tensorflow-js model for the web, check the web implementation at
Language: Python - Size: 18.2 MB - Last synced at: about 1 year ago - Pushed at: about 6 years ago - Stars: 49 - Forks: 17

Devbijwe/Next-Word-Prediction-Model
This repository hosts a deep learning model for precise next-word prediction.
Language: Jupyter Notebook - Size: 23.3 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

doubtcrack/Next-Word-Prediction
Predict the future words efficiently with the "Next Word Prediction Using Markov Model" project. Built in Python and powered by the `msvcrt` module, this academic initiative explores the Markov chain model to anticipate the most likely next word based on a given sequence.
Language: Python - Size: 3.91 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

RisticDjordje/personalized-autocomplete-next-word-prediction-task
A personalized autocomplete (next word prediction) project using three different architectures: stacked LSTMs, Seq2Seq with Attention and LSTMs and GPT-2, written from scratch.
Language: Jupyter Notebook - Size: 2.72 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 0

hienhuynhtdn/GPT2andImplicitCausality
Evaluation of the ability of GPT-2 to learn human biases in implicit causality.
Language: Jupyter Notebook - Size: 2.8 MB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 1

KajaBraz/NextWordPredictor
A program which guesses next words based on the user's input. Suggestions are the words with the highest probability to follow what has been already written, calculated in the n_grams of different size.
Language: Python - Size: 4.36 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

Adminixtrator/Next-Word-Prediction-using-Universal-Sentence-Encoder
Next Word Prediction using Google's Universal Sentence Encoder from Tensorflow hub. lol
Language: Jupyter Notebook - Size: 10.7 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 2

sumeyye-agac/next-word-prediction-using-MLP-from-scratch
Implementation of a simple neural language model (multi-layer perceptron) from scratch for next word prediction
Language: Python - Size: 237 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

Adminixtrator/Predictive-Text-Generator
TensorFlow Next Word Prediction Model on Heroku
Language: Python - Size: 2.16 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

KushwahaDK/Neural-Language-Model
Language Modeling using Recurrent Neural Networks implemented over Tensorflow 2.0 (Keras) (GRU, LSTM)
Language: Python - Size: 8.84 MB - Last synced at: about 2 months ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 3
