An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: word-prediction

asterics/predictionary

A learning JavaScript dictionary-based word prediction / autocomplete / suggestion library.

Language: JavaScript - Size: 2.19 MB - Last synced at: 29 days ago - Pushed at: about 2 years ago - Stars: 37 - Forks: 4

sueszli/autocomplete

lstm based language modelling (next-word prediction)

Language: Jupyter Notebook - Size: 34.8 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

kafkasl/contextualLSTM

Contextual LSTM for NLP tasks like word prediction and word embedding creation for Deep Learning

Language: Python - Size: 2.71 MB - Last synced at: about 1 month ago - Pushed at: about 6 years ago - Stars: 28 - Forks: 6

AsadiAhmad/Word-Predictor

predict 10 words with n-gram techniqe

Language: Jupyter Notebook - Size: 180 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

Sabdikay/Markov-Chain-Text-Generator

This project is a Markov Chain-based text generator implemented in Python. It processes a given text file to build a probabilistic model of word sequences, allowing it to generate new, coherent text that mimics the style and structure of the input.

Language: Python - Size: 9.77 KB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

liveakshay/expo-spellchecker

Expo module that exposes underlying native spell checker (iOS and android) and word completions (iOS only) - to react-native apps, via TypeScript interface.

Language: Kotlin - Size: 1.01 MB - Last synced at: about 1 month ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

bennyschmidt/next-token-prediction

Next-token prediction in JavaScript — build fast language and diffusion models.

Language: JavaScript - Size: 35.3 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 135 - Forks: 5

lschmelzeisen/bachelor-thesis

LaTeX source of my bachelor thesis “Fast and Non-Approximative Language Model Prefixqueries for Word Prediction using Top-k Joining Techniques”.

Language: TeX - Size: 2.6 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

sailfish-keyboard/presage

Fork of Presage (http://presage.sourceforge.net/)

Language: C++ - Size: 33 MB - Last synced at: 10 months ago - Pushed at: 11 months ago - Stars: 6 - Forks: 10

im-dpaul/NLP-Similar-Word-Prediction

This project implements a Word2Vec model for similar word prediction, utilizing Hugging Face Datasets for efficient data loading and pre-processing.

Language: Jupyter Notebook - Size: 4.88 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

mdurmuss/word-predictor

N-gram ile Sonraki Kelime Tahmini

Language: Python - Size: 103 KB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

chika-kasymov/WordSuggestion

A simple Objective-C implementation of word suggestion using n-gram probabilistic model

Language: Objective-C - Size: 4.14 MB - Last synced at: 12 months ago - Pushed at: over 7 years ago - Stars: 7 - Forks: 4

Sasmitha22/LSTM-Word-Prediction

This project uses LSTM, a type of neural network, for next word prediction. You input a seed text and specify the desired length. The LSTM model then generates the next word based on learned patterns from training data. It's a user-friendly tool for exploring how well the model can predict and generate coherent text continuations.

Language: Jupyter Notebook - Size: 590 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

JunaidSalim/Word_Predicter

Program developed in C++ that will recommend new word to user based on frequency of his previously entered words.

Language: C++ - Size: 14.6 KB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

tanalpha-aditya/Future-word-prediction-NLP

Implemented BiDirectional Long Short- Term Memory (BiLSTM) to build a Future Word Prediction model. The project involved training these models using large datasets of textual data and tuning hyperparameters to optimize the accuracy of the model.

Language: Python - Size: 7.1 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

kir-an/-LGM-VIP_DataScience

Language: Jupyter Notebook - Size: 1.87 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

yoyolicoris/DL_HW2

Language: Python - Size: 3.95 MB - Last synced at: 2 days ago - Pushed at: almost 7 years ago - Stars: 1 - Forks: 0

NimaMeghdadi/language_model

feedforward neural network for next word prediction

Language: Jupyter Notebook - Size: 11.6 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

talhahasanzia/SmartTextEditor

Ai project with basic language processing

Language: C# - Size: 531 KB - Last synced at: about 2 years ago - Pushed at: over 9 years ago - Stars: 1 - Forks: 0

MuhammadAshiqAmeer/draw_ui

Draw UI for colab, useful to take hand writings from mouse in colab itself

Language: Python - Size: 5.86 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

GU-DataLab/PoliBERTweet

A transformer-based language model trained on politics-related Twitter data. This repo is the official resource of the paper "PoliBERTweet: A Pre-trained Language Model for Analyzing Political Content on Twitter", LREC 2022

Size: 52.7 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 7 - Forks: 0

OmorFarukRakib/Bangla-Word-Prediction-System

Goal of this work is to take Bengali one or more words as input in a system and predict the next most likely word and also suggest the full possible sentence as output. Recurrent Neural Network (RNN) was used with Gated Recurrent Unit (GRU) to train and create the model. About 200,000 plus word data has been used as dataset. The dataset has been collected from several authentic sources. We also published a paper based on our unique work.

Language: Jupyter Notebook - Size: 1.03 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 4 - Forks: 1

joaompfe/ngram-lm

Language: C - Size: 117 KB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 1

lukashueller/WhatsAppWordPrediction

Analyze your WhatsApp chats and get word suggestions based on your chat history while writing!

Language: Python - Size: 82 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

MasonML/sentence-prediction

Sentence prediction model using LSTM to predict the next word/sentence in a conversation.

Language: Python - Size: 10.3 MB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 1 - Forks: 0

sailfish-keyboard/sailfishos-presage-predictor

Presage based input predictor for the Sailfish OS

Language: QML - Size: 103 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 7 - Forks: 4

RameshAditya/markov-sherlock-holmes-twitterbot

Markov model manually implemented that predicts words probabilistically based on historic data.

Language: Python - Size: 25.4 KB - Last synced at: 22 days ago - Pushed at: over 7 years ago - Stars: 6 - Forks: 2

darhnoel/POS-SmartPad

English Word Suggestion Based on POS-Ngram

Language: Python - Size: 2.73 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

samps01/Trie

Trie data structure implementation using Javascript.

Language: JavaScript - Size: 1000 Bytes - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 0

Siddp278/Word-Prediction

This repo is being created to store the code and implementation part of the N- Gram model using both Statistical and Neural Net approach

Language: Jupyter Notebook - Size: 1.58 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

SOUMEE2000/Natural-Language-Generation

Deals with a variety of basic techniques That can be used for predicting the next word in a sentence

Language: Jupyter Notebook - Size: 405 KB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

susantabiswas/Natural-Language-Processing

Word Level Language Models

Language: Jupyter Notebook - Size: 2.07 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 0

brybailey/NLPWordPredictor

Word Predictor using an n-gram model for the final project of our Natural Language Processing course

Language: Java - Size: 31.2 MB - Last synced at: over 1 year ago - Pushed at: about 8 years ago - Stars: 1 - Forks: 1

Pritom-sarker/Rnn_word

Language: Python - Size: 1.81 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

divyansha1115/Word-prediction

Language: Jupyter Notebook - Size: 443 KB - Last synced at: almost 2 years ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0

Related Keywords
word-prediction 35 nlp 9 natural-language-processing 7 python 5 machine-learning 4 language-model 4 markov-chain 3 jupyter-notebook 3 lstm-neural-networks 3 bert 2 n-grams 2 sailfishos 2 presage 2 rnn 2 gru 2 text-processing 2 ngrams 2 prediction 2 javascript 2 autocompletion 2 autocomplete 2 politics 1 political 1 masked-language-models 1 pretrained-models 1 pytorch 1 stance-detection 1 transformers 1 twitter 1 bangla 1 nlp-machine-learning 1 lrec2022 1 lrec 1 elections 1 deep-learning 1 ui 1 handwritten-digit-recognition 1 handwriting-recognition 1 google-colab-notebook 1 draw 1 text-editor 1 spell-checker 1 feedforward-neural-network 1 rnn-tensorflow 1 regularization 1 cnn-model 1 tensorflow 1 recurrent-neural-networks 1 viterbi 1 smoothing 1 quadgrams 1 pentagram 1 nltk 1 knesser-ney-smoothing 1 interpolation 1 good-turing 1 backoff-strategy 1 n-gram-language-models 1 keras-neural-networks 1 trie 1 es6 1 data-structures 1 word-suggestion 1 software 1 pos-tagging 1 pos-ngram 1 ngram-model 1 ngram 1 word-processing 1 markov-model 1 whatsapp 1 paper 1 machine-learning-algorithms 1 gram-model 1 bangla-language 1 next-token-prediction 1 llm 1 language-models 1 embeddings 1 diffusion-models 1 ai 1 word-completion 1 spellchecker 1 react-native 1 expospellchecker 1 expo-spellchecker 1 expo 1 dictionary 1 text-generator 1 probabilistic-models 1 machine-learning-basics 1 graph-theory 1 polars 1 google-colab 1 word-embeddings 1 topic-modeling 1 nlp-tasks 1 writing 1 write 1 words 1