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

Topic: "bigram-model"

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: 18 days ago - Pushed at: about 1 month ago - Stars: 16 - Forks: 4

sudhanshusks/twitter_bot

Language: HTML - Size: 6.73 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 13 - Forks: 5

arminZolfaghari/NLP-Comment-Filtering

Artificial Intelligence Course 4th Project: Implementing Bigram and Unigram models for filtering comments

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

radinshayanfar/AI_Projects

AUT Principles and Applications of Artificial Intelligence course (Fall 2020) projects

Language: Java - Size: 5.43 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 7 - 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

shashwatkathuria/NLP-Hindi-English

Natural Language Processing - Part-Of-Speech Tagging

Size: 11.9 MB - Last synced at: 15 days ago - Pushed at: over 3 years ago - Stars: 5 - Forks: 1

deepmancer/advanced-recommender-system

Advance information retrieval system that combines advanced indexing, machine learning, and personalized search to enhance academic research and document discovery.

Language: Jupyter Notebook - Size: 1.85 MB - Last synced at: 7 months ago - Pushed at: 8 months ago - Stars: 4 - Forks: 0

ChryssaNab/Handwriting-Recognition

Implementation of Handwritten Text Recognition Systems using TensorFlow

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

Data-Science-kosta/Language-detection-bigram-model

Detection of language of a written text using bigram letter model.

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

muhamuttaqien/LQ-Repository

👨🏻‍💻 My own repository to explore LearnQuran tech product in particular -obviously- AI stuffs

Language: Jupyter Notebook - Size: 106 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 3 - 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

Aasess/BigDataAnalysisAndRecommendationOfProductBundles

Final year major project on big data analysis of instacart dataset and finally Product Bundle Recommendation using pyspark(for clustering) and bigram for recommendation

Language: HTML - Size: 5.71 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 0

imdiptanu/language-identification

Detect the text language automatically using a bigram model, Support Vector Machines, and Artifical Neural Networks. The model is trained using the WiLI-2018 benchmark dataset, and the highest accuracy achieved on the test dataset is 99.7% with paragraph text.

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

Gyakobo/local-language-model

This project is meant to generate a Local Language Model based on textual input.

Language: Python - Size: 75.5 MB - Last synced at: 5 months ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0

arnav-kr/PotterLLM

An LLM Based on Harry Porter Series

Language: Python - Size: 1.1 MB - Last synced at: 4 days ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0

ParikshitGehlaut/GPT_using_Pytorch

Generative Pretrained transformer using PyTorch

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

PinsaraPerera/bigram_LLM_modeling

This is a sample of bigram Large Language model. This will able to predict next word base on the past two words.

Language: Jupyter Notebook - Size: 775 KB - Last synced at: 12 days ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

zoobereq/Richness-of-the-Stimulus

A replication of an experiment by Reali and Christiansen (2005) disputing the basic assumptions of Chomsky's Poverty of Stimulus theory.

Language: Python - Size: 463 KB - Last synced at: 24 days ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

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

showman-sharma/InformationRetreival

For any given query, an Information Retrieval (IR) system is used to obtain and rank relevant word documents from the data collection of interest. The most basic IR system uses Term Frequency Inverse Document Frequency (TF-IDF) to represent documents and queries as vectors, and then uses measures like cosine similarity to assess the relevance of a query to all the documents in the dataset.

Language: Python - Size: 5.62 MB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

saminheydarian/NLP_Course_2021

NLP Course | Home Works | Fall 2021 | Dr. Behrooz Minaei

Language: Jupyter Notebook - Size: 29.8 MB - Last synced at: 10 months ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

Tole-Git/MarkovStoryMaker

Artificial Intelligence story maker using methods such as the markov chain, bigram & trigram models.

Language: Java - Size: 215 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

xuan25/COM1005-Searching-Word-Lattices-Assignment

Language: Java - Size: 1.1 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

Sarthak-Mohapatra/US-Airlines-Tweets-Sentiment-Analysis

Classifying a tweet as positive, neutral, or negative sentiment using Natural Language Processing (CBOW approaches) and Traditional Machine Learning Algorithms.

Language: Jupyter Notebook - Size: 1.76 MB - Last synced at: about 1 year ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

Bushramjad/NGrams-Poetry-Generation-Urdu

A poem will be generated using different Language models in Urdu language. This poem will consist of three stanzas each containing four verses.

Language: Jupyter Notebook - Size: 84 KB - Last synced at: 9 months ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

Krutash/Vector-Space-IR-model

We designed an Information Retrieval system based on Vector Space model in python. We Also have implemented Bi gram Indices for Phrasal query search and Champion List retrieval. We also compared time of whole retrieving in our project report.

Language: Python - Size: 4.14 MB - Last synced at: 22 days ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

SheekhaJ/CS-539-NaturalLanguageProcessing

Artifacts for CS-539 Natural Language Processing course

Language: Python - Size: 86.3 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 1

div5yesh/natural-language-processing

Implementation of unigram/bigram language models, noisy channel and pointwise mutual information for natural language processing.

Language: Python - Size: 9.77 KB - Last synced at: 11 months ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

mcanalesmayo/LanguageModel-NGram

Measuring the performance of bigrams and trigrams in language modeling problems

Language: Matlab - Size: 1.3 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

sanchikagn/mail-type-prediction

A basic application with necessary steps for filtering spam messages using bigram model with python language.

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

fatliau/NLP_bigram

An automatic speech recognition system has provided two written sentences as possible interpretations to a speech input

Language: Python - Size: 229 KB - Last synced at: 5 months ago - Pushed at: about 7 years ago - Stars: 1 - Forks: 3

KeepFloyding/wikiNLPpy

A python library to train and store a word2vec model trained on wiki data. Model includes most common bigrams.

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

KonstantinosMetallinos/Information-Retrival-And-Data-Mining-UCL

First Proper (formal) piece of Java software I created. It focuses on 5 different techniques of scoring documents based on queries. It also includes the code I used on AWS for a bigram model and predictions.

Language: Java - Size: 1.5 MB - Last synced at: almost 2 years ago - Pushed at: about 8 years ago - Stars: 1 - Forks: 0

Asura3301/makemore

Personal Projects | Reference for Andrej Karpathy

Language: Jupyter Notebook - Size: 2.42 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

mytechnotalent/RE-GPT

Drawing inspiration from Andrej Karpathy’s iconic lecture, "Let’s Build GPT: From Scratch, in Code, Spelled Out", this project takes you on an immersive journey into the inner workings of GPT. Step-by-step, we’ll construct a GPT model from the ground up, demystifying its architecture and bringing its mechanics to life through hands-on coding.

Language: Jupyter Notebook - Size: 1.59 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

mytechnotalent/ToyGPT

ToyGPT, inspired by Andrej Karpathy’s GPT from scratch, creates a toy generative pre-trained transformer at its most basic level using a simple bigram language model with attention to help educate on the basics of creating an LLM from scratch.

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

JohnNixon6972/LLM

This project implements two language models from scratch: a Bigram Language Model and a GPT-style Transformer model.

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

abhishek21441/NLP-Assignments

Assignments of the course CSE 556 - Natural Language Processing

Language: Jupyter Notebook - Size: 22.2 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

faizan1234567/gpt_nano

Implementation of lightweight transformer model for character level text generation

Language: Python - Size: 503 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

patelchaitany/Piano-Roll-Genration

Genreating piano roll using transformer

Language: Python - Size: 37.6 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

LynnLox/scratchLLM

Final year project based on NLP

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

spolivin/nnzerotohero_solutions

Solutions for Andrej Karpathy's "Neural Networks: Zero to Hero" course

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

madhurimarawat/Natural-Language-Processing-in-Python

This repository contains Natural Language Processing programs in the Python programming language.

Language: Jupyter Notebook - Size: 47.9 KB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

sukiboo/eldritch_names

Generate names for Eldritch beings

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

OscarHChung/GPT-Model

GPT model that can take a text file from anywhere on the internet and imitate the linguistic style of the text

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

FareedKhan-dev/Neural-Network-from-scratch

This project analyzes and generates new names using various techniques and neural networks.

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

dtekio/bigram-language-model

Task II of the qualifying stage of the Nfactorial Incubator 2023

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

amalinadhi/NLP_exercises

Mainly from Speech and Language Processing, Daniel Jurafsky & James H. Martin; Codes are self-developed (of course it is simple without defense); Learn with some fun

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

mikerabs/Language-Modeling

implementing statistical methods for training a language model. We will be using a bi-gram model, which means we are computing the probability of a sentence. We will train the LM on 57,340 sentences from the Brown corpus.

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

Kheem-Dh/Bigram-and-Trigram-Modeling

Bigram and Trigram Language Modeling

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

Amir79Naziri/CommentFiltering_Project

Implementing a simple text classification using Bigram model.

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

OlaPietka/NLP-Language-Models

Train 4 types of language models (a unigram model, a smoothed unigram model, a bigram model, and a smoothed bigram model) on WikiText-2, a corpus of high-quality Wikipedia articles

Language: Jupyter Notebook - Size: 11.7 KB - Last synced at: 12 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 1

jiahui-xin/tang-poem-generation

based on bigram and lstm repectively. (分别基于2-gram和lstm)

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

iftzp/bigram-language-model

Bigram Language Model

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

arxiver/Onepiecelang

Text segmentation solution using natural language processing.

Language: Jupyter Notebook - Size: 1010 KB - Last synced at: 4 days ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

rajatb115/Document-Reranking

Assignment on Document Reranking

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

HasanatJahan/NLP-MLE-Language-Models

Language: Python - Size: 5.21 MB - Last synced at: 11 months ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

vipul43/CS2180_AI_LAB

cs2180 course artificial intelligence lab sessions

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

AnirudhMukherjee/bigram-lyrics

A lyric generator that you can train on any artist of your liking!

Language: Python - Size: 1000 Bytes - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

SamDaQueen/Bayesian-Sentiment-Analysis

Bayesian and Markovian sentiment classification for movie reviews

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

Enescigdem/NER_Tagging

Named Entity Recognition

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

kk289/Airbnb-Price-Prediction

A Survey on ML Techniques for Airbnb Price Prediction

Language: R - Size: 51.2 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 1

vipul43/funny_text_generator

Instance of CBOW(Continuous Bag Of Words)-bigram model

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

andywu0408/Part-of-Speech-Tagger-NLP-Model-

Machine learning model that classifies any given word with its part of speech (noun, verb, adj., ...etc) with 95% success rate, trained from dataset of 30k words.

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

AIessa/NLP-exercises

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

KimaruThagna/TwitterLytics

Basic to advanced usage of twitter for opinion mining

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

iamlax/LanguageDetection

Determine if a sentence is English, French or Italian.

Language: Java - Size: 1.36 MB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

vinayak1998/Amazon-Rating-Prediction

Predicting Amazon ratings based on reviews by Text Classification using the Naive Bayes Algorithm.

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

farhandzakyarvianto/BigramLanguageModeling

Bigram - Permodelan bahasa menggunakan Python

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

alichtman/text-language-identifier

Accurately identify written English, French or Italian text with up to 99% accuracy.

Language: Python - Size: 5.88 MB - Last synced at: 20 days ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0

akozlu/Naive-Bayes-Spam-Filter

A basic spam filter using naive Bayes classification. Written in python 2.7

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

jojolebarjos/sequence-bigram

Bigram-based clustering for language modelling

Language: C++ - Size: 4.88 KB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 1

ZhuoyueWang/LanguageIdentification

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

Related Topics
nlp 22 language-model 16 unigram-model 15 natural-language-processing 15 python 13 trigram-model 11 machine-learning 8 ai 6 pytorch 6 python3 6 naive-bayes-classifier 5 gpt 5 artificial-intelligence 5 information-retrieval 5 bigrams 4 n-grams 4 transformers 4 sentiment-analysis 4 text-generation 4 ngrams 4 deep-learning 4 neural-network 4 tensorflow 3 unigram 3 viterbi-algorithm 3 nlp-machine-learning 3 transformer 3 sentiment-classification 3 tokenization 3 neural-networks 3 llm 3 ngram-language-model 3 nltk 3 stem 2 information-extraction 2 regular-expression 2 bm25 2 bigram 2 generative-pre-trained-transformer 2 educational 2 numpy 2 stemming 2 logistic-regression 2 word-frequency-count 2 language-detection 2 markov-chain 2 smoothing-methods 2 n-gram 2 nltk-python 2 language-identification 2 hidden-markov-model 2 named-entity-recognition 2 backoff-model 2 tf-idf 2 perplexity 2 probability-distribution 2 comment-filter 2 pos-tagging 2 torch 2 anaconda 1 music 1 genrative-ai 1 music-generation 1 gpt-nano 1 vector-space-model 1 piano-roll 1 phrase-extraction 1 information-technology 1 information-retrival 1 mle-estimation 1 corpus-search 1 mutual-information 1 corpus-processing 1 data-mining 1 champion-list 1 noisy-channel-model 1 zipfs-law 1 text 1 universal-dependencies 1 bayesian 1 markov-model 1 colab-notebook 1 lstm 1 rmarkdown 1 spacy 1 statistics 1 add-one-smoothing 1 bert 1 cky-algorithm 1 cola 1 generative-vs-discriminative-model 1 hmm 1 imdb 1 levenshtein-distance 1 needleman-wunsch-algorithm 1 pcfg 1 regex 1 sst2 1 stsb 1 astar-search-algorithm 1