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

Topic: "ngram-language-model"

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

joshualoehr/ngram-language-model

Python implementation of an N-gram language model with Laplace smoothing and sentence generation.

Language: Python - Size: 3.36 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 53 - Forks: 22

StarlangSoftware/NGram-Py

Ngrams with Basic Smoothings

Language: Python - Size: 2.19 MB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 19 - Forks: 16

KhaledAshrafH/Auto-Filling-Text

This project is an auto-filling text program implemented in Python using N-gram models. The program suggests the next word based on the input given by the user. It utilizes N-gram models, specifically Trigrams and Bigrams, to generate predictions.

Language: Python - Size: 27.1 MB - Last synced at: about 1 month ago - Pushed at: about 2 months ago - Stars: 16 - Forks: 4

jermp/tongrams_estimation

A C++ library implementing fast language models estimation using the 1-Sort algorithm.

Language: C++ - Size: 54.4 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 14 - Forks: 2

touhi99/N-gram-Language-model

Programming for NLP Project - Implement a basic n-gram language model and generate sentence using beam search

Language: Python - Size: 1.2 MB - Last synced at: 25 days ago - Pushed at: about 5 years ago - Stars: 12 - Forks: 5

remnestal/fakenews

Markov model for generating fake headlines :pencil2:

Language: Python - Size: 46.9 KB - Last synced at: almost 2 years ago - Pushed at: almost 7 years ago - Stars: 12 - Forks: 3

gustavecortal/natural-language-processing

Slides, exercises, and exams for my course "Natural Language Processing" (École Pour l'Informatique et les Techniques Avancées, 2024 and 2025)

Language: Jupyter Notebook - Size: 15.4 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 9 - Forks: 0

Priyansh2/Spelling-and-Grammatical-Error-Correction

Built a system from scratch in Python which can detect spelling and grammatical errors in a word and sentence respectively using N-gram based Smoothed-Language Model, Levenshtein Distance, Hidden Markov Model and Naive Bayes Classifier.

Language: Jupyter Notebook - Size: 1.22 GB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 8 - Forks: 3

StarlangSoftware/NGram-CPP

Ngrams with Basic Smoothings

Language: C++ - Size: 4.29 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 7 - Forks: 2

StarlangSoftware/NGram

Ngrams with Basic Smoothings

Language: Java - Size: 3.47 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 5 - Forks: 4

StarlangSoftware/NGram-CS

Ngrams with Basic Smoothings

Language: C# - Size: 2.2 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 5 - Forks: 0

burhanharoon/N-Gram-Language-Model

It's a python based n-gram langauage model which calculates bigrams, probability and smooth probability (laplace) of a sentence using bi-gram and perplexity of the model.

Language: Python - Size: 793 KB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 5 - Forks: 2

nikhil-iyer-97/Language-Identifier

Language identification toolkit for identifying what language a document is writen in

Language: Python - Size: 7.65 MB - Last synced at: about 1 year ago - Pushed at: almost 4 years ago - Stars: 5 - Forks: 1

pharo-ai/NgramModel

Ngram language model implemented in Pharo

Language: Smalltalk - Size: 8.06 MB - Last synced at: 7 days ago - Pushed at: about 2 years ago - Stars: 4 - Forks: 4

2654400439/emoji_text_translator

A general emoji-text translator which translates emoji-text to chinese

Language: Python - Size: 12.8 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 1

levindoneto/lanGen

N-Gram language model that learns n-gram probabilities from a given corpus and generates new sentences from it based on the conditional probabilities from the generated words and phrases.

Language: Python - Size: 1.67 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 4 - Forks: 4

eddieir/Language_identifier

Language identifier with using ngram language model

Language: Python - Size: 8.86 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 3 - Forks: 0

UCLL-DataFocus/clin32-entropy

This demo accompanies the poster presentation "Limitations of the entropy measure in n-gram language modelling" presented at CLIN32 (2022).

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

trinhtuanvubk/finetune-wav2vec2

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

MohammadJavadArdestani/NLP-persian-poet-identification

NLP-persian-poet-identification

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

wmentor/qgram

N-gram Go library

Language: Go - Size: 12.7 KB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

StarlangSoftware/NGram-Cy

Ngrams with Basic Smoothings

Language: Cython - Size: 2.23 MB - Last synced at: 13 days ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 1

StarlangSoftware/NGram-Js

Ngrams with basic smoothing.

Language: TypeScript - Size: 2.17 MB - Last synced at: 21 days ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

gustavecortal/ngram

Python implementation of n-gram language models from scratch and using NLTK (+ slides from my NLP course)

Language: Jupyter Notebook - Size: 421 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 1 - Forks: 0

msamprovalaki/Context-Aware-Spelling-Corrector

Academic project centered around n-grams and their application in developing a spelling corrector with contextual awareness.

Language: Jupyter Notebook - Size: 2.14 MB - Last synced at: 7 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 1

SpydazWebAI-NLP/SpydazWebAI_NLP_Models

Word/Image/Audio Embedding models, Tokenizer models, Ngram language models, MatrixModels, Corpus building, Vocabulary Building, Language modelling

Language: Visual Basic .NET - Size: 2.93 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

mohansaidinesh/Language-Detection

Automatically identifying the language of a given text or document

Language: Jupyter Notebook - Size: 37.1 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 1

nishkarsh25/Sentence-Auto-Completion-using-Probability

The provided code is a language model that: Downloads several books from the Gutenberg Project website Creates different n-gram models (unigram, bigram, trigram, and quadgram) based on the words in those books Defines a function called suggest_next_word that takes a sentence as input and suggests possible words that come after the sentence...

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

jonnyli1125/piemanese-translator

Webspeak to English statistical + neural hybrid machine translation model.

Language: Jupyter Notebook - Size: 29.6 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - 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

camilleg/sim-audio-sfe

Simulated Audio Situation Frame Evaluation (SASFE) for Lorelei

Language: Python - Size: 16.6 KB - Last synced at: 2 months ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

daniel-lima-lopez/N-Gram-Example

Implementation of a BiGram-based language system in Python

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

Amber-Abuah/NGram-Text-Generation

Text generation for autocomplete using N-Grams and Maximum Likelihood Estimators.

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

Saba-Gul/Spam_detection_using_text_classification

This project aims to build a machine learning model that can classify text messages as either spam or not spam (ham)

Language: Jupyter Notebook - Size: 573 KB - Last synced at: 3 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

mujtaba-io/n-gram-language-model

n-gram language model to predict next word in a sequence of words for auto complete purpose.

Language: Python - Size: 1.94 MB - Last synced at: about 1 month ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

maans2001/UJ-NLP-Project

Tools for Arabic language processing using the MADAR dataset. Includes Next Word Prediction with an n-gram model and Dialect Identification with a BERT model. Features an interactive UI with Streamlit and comprehensive text preprocessing for Arabic.

Language: Python - Size: 3.57 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

Pickersgill/WAMM

Fit an n-gram Markov-Model to WhatsApp chat history

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

avijay24/NgramModelfromScratch

Implemented a collection of Ngram language models on brown corpus from scratch

Language: Jupyter Notebook - Size: 2.04 MB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

StarlangSoftware/NGram-Swift

NGram with basic smoothing

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

SpydazWebAI-NLP/BasicLanguageModelling2023

Basic Language Models , Bag of Words, Ngram Models Etc

Language: Visual Basic .NET - Size: 311 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 1

oaarnikoivu/char-ngram

Character-level ngram language model implemented in Python

Language: Python - Size: 7.81 KB - Last synced at: 2 months ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

Ahmedfir/java-n-gram-line-level

java n-gram cross-entropy (naturalness) calculation on the line level of granularity.

Language: Java - Size: 60.5 KB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

bhautik-a-mangukiya/word_prediction_app

Final course project under the JHU data science course. This app uses a predictive text model built from the large corpus data. The model was built using the tidyverse package and n – gram function. The app was built using the Shiny package and it allows user to enter string and app will predict the next word.

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

leyresv/Ngram_Language_Model

Trigram Language Model for Spanish trained on Cervantes' texts

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

Debrup-61/NLP_Codes

Contains NLP codes for the implementation of a simple N-gram language model and for sentiment analysis on IMDB Movie Ratings using a LSTM Model.

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

pbgnz/automatic-language-identification

a probabilistic language identification system that identifies the language of a sentence

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

captnofdead/HangMan-Solver

This repository contains implementation for two algorithms, which aims to guess and win the game of Hangman.

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

shayan09/Text-Generation-using-NGRAM-models

Generating text using N-gram models that were trained on shakespeare.txt and warpeace.txt. n-gram models are widely used in statistical natural language processing. In speech recognition, phonemes and sequences of phonemes are modeled using a n-gram distribution.

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

Ahmedfir/ngramlineloc

java code naturalness calculation via n-gram language models.

Language: Python - Size: 15.7 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

adkhamboy/next-word-prediction

Next Word Prediction model in UZBEK language

Language: Jupyter Notebook - Size: 19.2 MB - Last synced at: 10 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 1

pikulet/language-model

language ngram model, information retrieval assignment

Language: Python - Size: 52.7 KB - Last synced at: about 2 months ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

behitek/word-counter

Dynamic n-gram counter on large text corpus (including next and previous)

Language: Java - Size: 15 MB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

PdePinguino/n-grams

¿Cómo escribiría los nuevos poemas Pablo -el Bot- Neruda?

Language: Python - Size: 15.1 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

X-rayLaser/language-models-trainer

A set of utilities for training language models from scratch on custom text corpus (N-gram based models or neural models alike)

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

bhavyanarang/NLP-Assignments

Assignments are done as part of Natural Language Processing (CSE 556), Monsoon 2021 at IIIT-D (monsoon, 2021).

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

FarshadBorjalizade/Natural-Language-Processing

Summary of my activities in the field of natural language processing

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

daniel-keogh/language-detector

A Java program that determines the natural language of text using n-grams

Language: Java - Size: 33 MB - Last synced at: 2 months ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

Crone1/Ngram-Language-Modelling

This project uses N-gram language models to make predictions of the feasibility of a sentence being in a corpus and for sentence generation

Language: Jupyter Notebook - Size: 60.3 MB - Last synced at: 8 months ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

pedro-leitao/goshingles

Language: Go - Size: 4.88 KB - Last synced at: about 1 year ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

imanisima/grimms-extended-tales

Generating text from Grimms' Fairy Tales using N-gram language model.

Language: Jupyter Notebook - Size: 210 KB - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

koushik-kumar/Project_AutomaticSpeechRecognizer

An end-to-end Automatic Speech Recognizer using RNN-CTC models for learning the speech from audio and producing transcripts

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

melanie-t/twitter-language-detection

Language Detection using N-Grams

Language: Python - Size: 1.52 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

pedrovernetti/omnglot

Simple command-line tool to identify the language of a given text using 2 different identification models.

Language: C++ - Size: 24.9 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

yeti98/VNLM

Vietnamese Ngam Language Model

Language: Python - Size: 758 KB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

schmintendo/translate.py

This is a small program that takes two lists, zips them, and translates a file after making the translation dictionary.

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

s5745623/NLP

Natural Language Processing

Language: HTML - Size: 24.1 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 0

tomekkorbak/entropy-of-programming-languages

Estimating information entropy rates across programming languagues

Language: Jupyter Notebook - Size: 108 KB - Last synced at: about 1 month ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 1

payoj21/NLP_Projects

This Repo contains Assignments I did in NLP coursework

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

Related Topics
nlp 26 ngrams 20 ngram 16 language-model 9 smoothing-methods 9 laplace-smoothing 8 python 7 good-turing-smoothing 7 nltk 6 natural-language-processing 6 ngram-model 5 nlp-machine-learning 4 ngram-analysis 4 bigrams 3 bigram-model 3 lstm 3 hmm-viterbi-algorithm 3 perplexity 3 language-detection 3 machine-learning 3 naive-bayes-classifier 3 n-grams 3 unigram 3 hmm 2 slides 2 cnn 2 java 2 n-gram 2 python3 2 naturalness 2 streamlit 2 naive-bayes 2 speech-recognition 2 spam-detection 2 markov-chain 2 levenshtein-distance 2 pytorch 2 language 2 golang 2 go 2 bert-model 2 deep-learning 2 embeddings 2 tokenization 2 word2vec 2 trigram 2 entropy 2 language-models 2 natural-language-generation 1 backoff-model 1 unigram-model 1 fake-news 1 fraud-detection 1 interpolated-knesser-ney 1 university-project 1 shiny-apps 1 textanalysis 1 vietnamese-language 1 accuracy 1 languagedetection 1 statistical-models 1 beginner-friendly 1 python-script 1 python27 1 translate 1 translater 1 utf-8 1 jupyter-notebook 1 pyrhon 1 entropy-rate 1 programming-languages 1 corpus-linguistics 1 language-identification 1 bert 1 lexi 1 madar 1 tkinter-gui 1 trigram-model 1 trigrams 1 go-library 1 golang-library 1 ngram-extraction 1 quadrigram 1 feedforward-neural-networks 1 logistic-regression 1 recurrent-neural-networks 1 tf-idf 1 transformer 1 tutorial 1 vector-semantic-models 1 bigram 1 spelling-correction 1 oop 1 lstm-language-model 1 ml 1 n-gram-language-models 1 scraper 1 nltk-python 1 sms-messages 1 text-classification 1