bigram-model
There are 90 repositories under bigram-model topic.
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.
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.
spolivin/nnzerotohero_solutions
Solutions for Andrej Karpathy's "Neural Networks: Zero to Hero" course
deepmancer/advanced-recommender-system
Advance information retrieval system that combines advanced indexing, machine learning, and personalized search to enhance academic research and document discovery.
arminZolfaghari/NLP-Comment-Filtering
Artificial Intelligence Course 4th Project: Implementing Bigram and Unigram models for filtering comments
radinshayanfar/AI_Projects
AUT Principles and Applications of Artificial Intelligence course (Fall 2020) projects
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.
shashwatkathuria/NLP-Hindi-English
Natural Language Processing - Part-Of-Speech Tagging
antonio-f/GPT_from_scratch
Very simple implementation of GPT architecture using PyTorch and Jupyter.
faizan1234567/gpt_nano
Implementation of lightweight transformer model for character level text generation
MohammadJavadArdestani/NLP-persian-poet-identification
NLP-persian-poet-identification
ChryssaNab/Handwriting-Recognition
Implementation of Handwritten Text Recognition Systems using TensorFlow
Data-Science-kosta/Language-detection-bigram-model
Detection of language of a written text using bigram letter model.
Gyakobo/local-language-model
This project is meant to generate a Local Language Model based on textual input.
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
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.
muhamuttaqien/LQ-Repository
👨🏻💻 My own repository to explore LearnQuran tech product in particular -obviously- AI stuffs
sanchikagn/mail-type-prediction
A basic application with necessary steps for filtering spam messages using bigram model with python language.
amirdallalan/translator-using-bi-gram-model
simple translator with bigram model, just for fun!
arnav-kr/PotterLLM
An LLM Based on Harry Porter Series
Bugitoy/Character-Level-Bigram-Model
Minimal Bigram Character Model that learns next‑character probabilities from a text corpus using a single embedding lookup, trained with cross‑entropy and sampled autoregressively. Implemented in PyTorch on input.txt, it demonstrates bigram (no long‑range) dependencies and prints a generated sample after training.
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.
harini-shre/Airline_Twitter_Sentiment_Prediction_and_Negative_Reason_Identification
Using NLP and ML algorithm to predict the Airline Twitter Sentiment
im-dpaul/NLP-Next-Word-Prediction-with-NLTK
This project leverages the NLTK library and the Reuters corpus to build a next-word prediction model using bigrams and conditional frequency distributions.
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.
Kheem-Dh/Bigram-and-Trigram-Modeling
Bigram and Trigram Language Modeling
LynnLox/scratchLLM
Final year project based on NLP
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.
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.
saminheydarian/NLP_Course_2021
NLP Course | Home Works | Fall 2021 | Dr. Behrooz Minaei
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.
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.
tedoaba/GPT-from-scratch
GPT Model from scratch
Tole-Git/MarkovStoryMaker
Artificial Intelligence story maker using methods such as the markov chain, bigram & trigram models.
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.