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

GitHub topics: nlp-machine-learning

DanTheAI/LLM-Middleware-Pipeline

A modular, configurable LLM middleware pipeline that transforms raw prompts into enterprise-ready microservices.

Language: Python - Size: 32.2 KB - Last synced at: about 18 hours ago - Pushed at: about 18 hours ago - Stars: 0 - Forks: 0

bolinocroustibat/word-generator-api

Generates complete dictionary definitions that don't exist but sound English, French, Spanish or Italian, along with their altered dictionary definitions, and serve the results through an async REST API.

Language: Python - Size: 26.2 MB - Last synced at: about 19 hours ago - Pushed at: about 19 hours ago - Stars: 3 - Forks: 0

KarthikMahalingam8881/Amazon-Fake-Review-Detection-Pipeline

Amazon Fake Review Detection Pipeline

Language: Python - Size: 55.7 KB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 0 - Forks: 0

tsterbak/promptmage

simplifies the process of creating and managing LLM workflows.

Language: Python - Size: 4.08 MB - Last synced at: 1 day ago - Pushed at: 8 months ago - Stars: 103 - Forks: 9

mantzaris/TextSpace.jl

A Julia package for text embeddings and related NLP transformations

Language: Julia - Size: 8.61 MB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 0 - Forks: 1

douniablk/next-word-prediction

Language: Python - Size: 30.2 MB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 0 - Forks: 0

leomaurodesenv/mcp-sports-nlp

This is a learning repository about Model Context Protocol (MCP) accessing Sports Datasets

Language: Python - Size: 27.3 KB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 0 - Forks: 0

AliDamn/SemanticNotes

SemanticNotes is my first full-stack pet project built with SQLAlchemy, FastAPI, React and scikit-learn. I used NLP for sentence vectorization and semantic understanding.

Language: JavaScript - Size: 229 KB - Last synced at: 1 day ago - Pushed at: 2 days ago - Stars: 0 - Forks: 0

jvanname/spectralradiinai

We are applying the notion of the spectral radius to NLP and data represented as graphs.

Size: 148 MB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 10 - Forks: 0

Zentise/Movie-Recommendation-System

🎬 A content-based movie recommendation system using NLP (CountVectorizer + Cosine Similarity) on TMDB 5000 dataset. Built with Python, scikit-learn, and Streamlit.

Language: Python - Size: 8.74 MB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 1 - Forks: 0

SanthoshS0305/Spam_Spotter_Discord_Bot

an intelligent Discord bot that automatically detects and filters spam messages using a combination of regex patterns, fuzzy string matching, and semantic similarity analysis. Machine learning pipeline using sentence-transformers and scikit-learn.

Language: Python - Size: 466 KB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 0 - Forks: 0

amirh-far/NLPlayground

a repo for me doing some nlp practices

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

Blacksujit/Health-Summerize-AI

HealthSummarizeAI is an innovative NLP-based tool designed to transform the way healthcare professionals interact with electronic health records (EHR). By leveraging advanced entity recognition and text summarization techniques, HealthSummarize efficiently extracts and condenses critical information .

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

billingsmoore/MLotsawa

Tibetan-English neural machine translation for edge devices.

Language: Jupyter Notebook - Size: 120 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 9 - Forks: 1

gopireddy99/Symptom_Solver---Disease_diagnosis_using_NLP

Disease Diagnosis using Natural Language Processing

Language: Python - Size: 98.6 KB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 0 - Forks: 0

dream-1ab/spell_corrector

Spell correction language model for Uyghur language based on transformer neural network

Language: Jupyter Notebook - Size: 600 KB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 12 - Forks: 0

SD7Campeon/Yelp-Sentiment-Analysis-with-Python-BS4-and-LLM

A scalable pipeline for automated extraction, preprocessing, and sentiment analysis of Yelp reviews. Uses advanced HTTP requests, HTML parsing, and text normalization (tokenization, stopword removal, lemmatization) to enable precise polarity and subjectivity analysis for consumer insights and business analytics.

Size: 11.7 KB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 1 - Forks: 0

MilaNLProc/contextualized-topic-models

A python package to run contextualized topic modeling. CTMs combine contextualized embeddings (e.g., BERT) with topic models to get coherent topics. Published at EACL and ACL 2021 (Bianchi et al.).

Language: Python - Size: 32 MB - Last synced at: about 18 hours ago - Pushed at: 4 months ago - Stars: 1,231 - Forks: 152

imenapr/Crime-News-AI-NLP-Machine-Learning

This project aims to perform topic modeling on a dataset of crime-related news articles in New York City using **Latent Dirichlet Allocation (LDA) and Mallet's LDA Model. The articles were collected over a two-month period through continuous querying using the News API.

Size: 1.95 KB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 1 - Forks: 0

shahsanjanav/NLP-Sentiment-Model-Comparison

Comparative sentiment analysis using BERT, LSTM, GRU, and RNN models built in PyTorch and Transformers.

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

zamgi/lingvo--NER--German

Named-entity recognition in German language using combined of deep neural network and ruled-based approach in C# for .NET

Language: C# - Size: 17.7 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 5 - Forks: 1

ieg-dhr/NLP-Course4Humanities_2024

This repository is part of an NLP course for humanities and cultural studies. This course uses historical newspapers as a source and applies NLP methods to them. NLP tasks: Tokenization, Lemmatization, TF-IDF, Part-of-speech tagging, semantic search with transformers, article extraction and OCR post-correction with LLMs, NER and text classification

Language: Jupyter Notebook - Size: 61.3 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 17 - Forks: 6

aws-solutions/content-localization-on-aws

Automatically generate multi-language subtitles using AWS AI/ML services. Machine generated subtitles can be edited to improve accuracy and downstream tracks will automatically be regenerated based on the edits. Built on Media Insights Engine (https://github.com/awslabs/aws-media-insights-engine)

Language: Vue - Size: 60.6 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 42 - Forks: 18

PabloGradolph/TFM_Bibliometrics

Trabajo de Fin de Máster: Aplicación Web para el Análisis Bibliométrico del CSIC

Language: Jupyter Notebook - Size: 6.58 MB - Last synced at: 5 days ago - Pushed at: 6 days ago - Stars: 0 - Forks: 0

derekshi1/booked

Booked is an intuitive app providing personalized book recommendations using vector search, connecting readers in a clean, community-driven space for all their book needs.

Language: JavaScript - Size: 13.4 MB - Last synced at: 5 days ago - Pushed at: 6 days ago - Stars: 1 - Forks: 17

katanaml/sparrow

Data processing and instruction calling with ML, LLM and Vision LLM

Language: Python - Size: 18.3 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 4,563 - Forks: 469

sampreeti/BizVectra

BizVectra is an AI-powered business intelligence assistant built to analyze sales data, extract and generate insights using NLP and LLMs. This development presents reliable results via dynamic text, tables, and charts. The system integrates LangChain for retrieval and memory capabilities, enabling context-aware and data-grounded responses.

Language: Python - Size: 1.71 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 1 - Forks: 0

KudoAI/chatgpt.js-greasemonkey-starter

🙈 A starting point for developing your own Greasemonkey userscript using chatgpt.js

Language: JavaScript - Size: 1.67 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 41 - Forks: 12

PhQuangVinh2005/TV_Series_Analysis_System

This project is about utilizing and getting acquainted with NLP workflow

Language: Jupyter Notebook - Size: 2.75 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 2 - Forks: 0

shreyash729/Cyfuture-Hackathon

Aarogya - Your AI-Powered Healthcare Portal )

Language: Jupyter Notebook - Size: 44.6 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 0 - Forks: 0

gauravfs-14/CognitiveSky

CognitiveSky is an open-source research tool designed to explore and analyze mental health narratives in public Bluesky data. Inspired by TwiXplorer, this dashboard enables researchers, analysts, and public health advocates to gain insights from social discourse using NLP, sentiment analysis, topic modeling, and interactive visualizations.

Language: TypeScript - Size: 24.6 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 0 - Forks: 0

jhuang265/length_extrapolation

Code to the COLING 2025 paper "How Well Can a Long Sequence Model Model Long Sequences?"

Size: 17.6 KB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 0 - Forks: 0

EvaSeidlmayer/FourShadesofLifeSciences

Codes and Recipe for Compiling and Analyzing "Four Shades of Life Sciences" Data Set

Language: Python - Size: 471 KB - Last synced at: 6 days ago - Pushed at: 7 days ago - Stars: 0 - Forks: 0

Wb-az/Transformers-Emotion-Analysis 📦

Emotion Analysis with Transformers

Language: Jupyter Notebook - Size: 2.6 MB - Last synced at: about 23 hours ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

al-Jurjani/BibleRAG

This project explores Retrieval-Augmented Generation (RAG) for Bible question answering. It evaluates various configurations of document chunking, retrieval methods, embedding models and LLMs using the King James Version of the Bible. Performance is measured by faithfulness, relevance, and similarity to ground truth answers.

Language: Jupyter Notebook - Size: 3.69 MB - Last synced at: 6 days ago - Pushed at: 7 days ago - Stars: 0 - Forks: 0

veekaybee/what_are_embeddings

A deep dive into embeddings starting from fundamentals

Language: Jupyter Notebook - Size: 47.6 MB - Last synced at: 7 days ago - Pushed at: 7 months ago - Stars: 1,017 - Forks: 82

hyuki875/Transformers

The Transformers repository provides a comprehensive implementation of the Transformer architecture, a groundbreaking model that has revolutionized both Natural Language Processing (NLP) and Computer Vision tasks. Introduced in the seminal paper "Attention is All You Need" by Vaswani et al.

Size: 1.95 KB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 1 - Forks: 0

maghous/NLP-project

NLP

Language: Jupyter Notebook - Size: 10.5 MB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 0 - Forks: 0

MeryylleA/lunariscodex

Lunaris Codex: A flexible PyTorch Transformer Decoder architecture for code generation, featuring LoRA, ALiBi, and a full training/data pipeline.

Language: Python - Size: 1020 KB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 7 - Forks: 0

dpb24/fake-news-detector

Building a machine learning model to classify fake and real news using scikit-learn and XGBoost (Python)

Language: Jupyter Notebook - Size: 2 MB - Last synced at: 7 days ago - Pushed at: 8 days ago - Stars: 1 - Forks: 0

AdilShamim8/Resume-Screening

AI-powered resume screening tool that finds the right talent—fast and fair.

Language: Jupyter Notebook - Size: 1.49 MB - Last synced at: 7 days ago - Pushed at: 8 days ago - Stars: 2 - Forks: 0

KudoAI/chatgpt.js-chrome-starter

🤖 A starting point for developing your own Chrome extension using chatgpt.js (including pop-up menu + settings management)

Language: JavaScript - Size: 3.03 MB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 61 - Forks: 47

Volatile875/Sentimental_Analysis

Built a multi-layer Bidirectional LSTM model with 94% accuracy on 1.5M+ tweets Applied advanced NLP preprocessing with NLTK for text normalization Optimized performance using hyperparameter tuning and model evaluation metrics Achieved accuracy-score(0.94),precision(0.65) and f1-score (0.55) capturing complex contextual dependencies

Language: Jupyter Notebook - Size: 2.26 MB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 0 - Forks: 0

avi-otterai/compositional-generalization-lit-review

Living Survey for papers on Compositional Generalization in NLP

Language: Vue - Size: 1.88 MB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 2 - Forks: 0

yitsymc/colab-notebooks

Series of exploratory Google Colab notebooks focused on applying Artificial Intelligence and Machine Learning techniques to real-world scenarios.

Language: Jupyter Notebook - Size: 20.5 KB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 0 - Forks: 0

Zaibten/Zaibten-Customer-Reviews-Analysis-Scrapper

ZAIBTEN SCRAPPER is a cutting-edge solution designed to scrape and analyze customer reviews from top platforms like Amazon, eBay, and Yelp. Powered by advanced web scraping technology and Natural Language Processing (NLP), ZAIBTEN SCRAPPER provides actionable insights, helping you understand customer sentiment and make informed decisions!

Language: Python - Size: 79.4 MB - Last synced at: 8 days ago - Pushed at: 9 days ago - Stars: 0 - Forks: 0

Ad-Chekk/EchoAI

Web Content Analyzer with LLMs is a powerful tool for scraping, processing, and analyzing web content using advanced Machine Learning (ML) and Natural Language Processing (NLP) techniques. It leverages state-of-the-art models such as RoBERTa for extractive question answering, BART for summarization, and various other NLP models for tasks like senti

Language: Python - Size: 47.9 KB - Last synced at: 8 days ago - Pushed at: 9 days ago - Stars: 0 - Forks: 0

SimranShaikh20/AI-Powered-Grammar-Spell-Checker

AI Grammar Fix is an AI-powered grammar and spell checker that ensures flawless writing by correcting errors in English and Hindi. Built with Groq's Mixtral-8x7b-32768 model and Streamlit, it delivers real-time, context-aware corrections for grammar, spelling, and sentence structure. 🚀

Language: Python - Size: 164 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 2 - Forks: 0

milliorn/chatgpt-clone

ChatGPT clone project that allows you to run an AI-powered chatbot locally

Language: TypeScript - Size: 813 KB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 4 - Forks: 1

anidixit64/LexicaForge

LexicaForge is a comprehensive natural language processing (NLP) toolkit designed for multilingual text analysis and processing. It provides a robust set of tools for text preprocessing, language detection, tokenization, and advanced NLP tasks, with a focus on scalability and performance.

Size: 182 KB - Last synced at: 8 days ago - Pushed at: 10 days ago - Stars: 0 - Forks: 0

github/CodeSearchNet 📦

Datasets, tools, and benchmarks for representation learning of code.

Language: Jupyter Notebook - Size: 28.6 MB - Last synced at: 4 days ago - Pushed at: over 3 years ago - Stars: 2,307 - Forks: 402

AlwaysDhruv/Word_2_Word_Predictor

This project are typically work on word to word to prediction. More Information In Readme File.

Language: C++ - Size: 376 KB - Last synced at: 10 days ago - Pushed at: 10 days ago - Stars: 1 - Forks: 0

a-mhamdi/nlp

An Introduction to NLP in Python

Language: Jupyter Notebook - Size: 9.42 MB - Last synced at: 10 days ago - Pushed at: 10 days ago - Stars: 0 - Forks: 0

AnwarCS/Sudanese-Arabic-LLM

Building a Sudanese Arabic dataset and fine-tuning LLMs to improve representation of this dialect.

Language: Python - Size: 110 KB - Last synced at: 10 days ago - Pushed at: 11 days ago - Stars: 17 - Forks: 13

tudelft-cda-lab/FlexFringe

The FlexFringe tool for flexible learning of state machines (deterministic automata) from traces. See the paper at https://arxiv.org/abs/2203.16331

Language: C++ - Size: 42.3 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 20 - Forks: 8

LivNLP/livnlp.github.io

University of Liverpool, Natural Language Processing Group

Language: HTML - Size: 76.7 MB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 3 - Forks: 4

Riddhis2226/Beginner-NLP-Text-Summary-Sentiment-Analysis

Beginner NLP – Text Summary & Sentiment - A mini NLP project that extracts summaries, sentiment, and word clouds from textual data.

Language: Jupyter Notebook - Size: 1.59 MB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 1 - Forks: 0

Kirti-Vatsh/NLP---Toxic-Comment-Classification

Classifying toxic comments using NLP, machine learning, and deep learning. Part of the Jigsaw Kaggle Challenge.

Language: Jupyter Notebook - Size: 10.3 MB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 0 - Forks: 0

obirikan/spam_classifer_api

📩 Spam Detection API A simple NLP project using TF-IDF and Naive Bayes to classify messages as spam or not, served via FastAPI.

Language: Python - Size: 594 KB - Last synced at: about 15 hours ago - Pushed at: 11 days ago - Stars: 0 - Forks: 0

StevenYuan666/Awesome-Diffusion-Models-for-NLP

📰 Must-read papers on Diffusion Models for Text Generation 🔥

Size: 95.7 KB - Last synced at: 8 days ago - Pushed at: 12 months ago - Stars: 16 - Forks: 1

EuroEval/EuroEval

The robust European language model benchmark.

Language: Python - Size: 88.6 MB - Last synced at: 12 days ago - Pushed at: 12 days ago - Stars: 104 - Forks: 25

SumaiyaTarannumNoor/All-that-I-have-tried-and-learned

Language: Jupyter Notebook - Size: 82.1 MB - Last synced at: 12 days ago - Pushed at: 12 days ago - Stars: 0 - Forks: 0

tylerho5/movie-recommender-system

Language: Python - Size: 895 KB - Last synced at: 12 days ago - Pushed at: 12 days ago - Stars: 0 - Forks: 0

SANCHIT0055/YOUTUBE-TRANSCRIPT-SUMMARIZER

YouTube Transcript Summarization over Flask: This back-end uses Flask framework to receive API calls from the client and then respond with the summarized text response. This API can work only on those YouTube videos which has well-formatted closed captions in it. The same backend also hosts a web version of the Summarizer.

Language: Python - Size: 233 KB - Last synced at: 12 days ago - Pushed at: 12 days ago - Stars: 1 - Forks: 0

zhaoyingjun/chatbot

ChatGPT带火了聊天机器人,主流的趋势都调整到了GPT类模式,本项目也与时俱进,会在近期更新GPT类版本。基于本项目和自己的语料可以训练出自己想要的聊天机器人,用于智能客服、在线问答、闲聊等场景。

Language: Python - Size: 75.6 MB - Last synced at: 12 days ago - Pushed at: 12 months ago - Stars: 3,575 - Forks: 1,022

cbamls/AI_Tutorial

精选机器学习,NLP,图像识别, 深度学习等人工智能领域学习资料,搜索,推荐,广告系统架构及算法技术资料整理。算法大牛笔记汇总

Size: 25.5 MB - Last synced at: 12 days ago - Pushed at: about 1 year ago - Stars: 3,437 - Forks: 505

yinizhilian/ICLR2025-Papers-with-Code

历年ICLR论文和开源项目合集,包含ICLR2021、ICLR2022、ICLR2023、ICLR2024、ICLR2025.

Size: 1.47 MB - Last synced at: 9 days ago - Pushed at: 3 months ago - Stars: 316 - Forks: 17

SPerekrestova/pill_checker

Provides a powerful medicine pack analysis using ML and NLP to achieve accurate recognition of active ingredients

Language: Python - Size: 1.15 MB - Last synced at: 9 days ago - Pushed at: 12 days ago - Stars: 3 - Forks: 1

TheHypesTR/Anxiety-Analysis-ML-NLP

Machine Learning - NLP - Anxiety Analysis

Language: Python - Size: 13.5 MB - Last synced at: 13 days ago - Pushed at: 13 days ago - Stars: 1 - Forks: 0

pemistahl/lingua-rs

The most accurate natural language detection library for Rust, suitable for short text and mixed-language text

Language: Rust - Size: 241 MB - Last synced at: 13 days ago - Pushed at: 13 days ago - Stars: 968 - Forks: 45

rlhinrichs/lang-learn

🗣️ Natural Language Processing: building a RAG-tuned LLM for offline use

Language: Jupyter Notebook - Size: 183 KB - Last synced at: 13 days ago - Pushed at: 14 days ago - Stars: 0 - Forks: 0

howl-anderson/MicroTokenizer

一个轻量且功能全面的中文分词器,帮助学生了解分词器的工作原理。MicroTokenizer: A lightweight Chinese tokenizer designed for educational and research purposes. Provides a practical, hands-on approach to understanding NLP concepts, featuring multiple tokenization algorithms and customizable models. Ideal for students, researchers, and NLP enthusiasts..

Language: Python - Size: 174 MB - Last synced at: 8 days ago - Pushed at: 8 months ago - Stars: 153 - Forks: 22

StonyBrookNLP/appworld

🌍 Repository for "AppWorld: A Controllable World of Apps and People for Benchmarking Interactive Coding Agent", ACL'24 Best Resource Paper.

Language: Python - Size: 5.16 MB - Last synced at: 14 days ago - Pushed at: 28 days ago - Stars: 201 - Forks: 19

georgian-io/LLM-Finetuning-Toolkit

Toolkit for fine-tuning, ablating and unit-testing open-source LLMs.

Language: Python - Size: 32.7 MB - Last synced at: 8 days ago - Pushed at: 8 months ago - Stars: 837 - Forks: 100

lotus116/Text-mining-and-analysis-based-on-video-data-of-Bilibili

哔站评论与弹幕文本数据挖掘

Language: Jupyter Notebook - Size: 6.35 MB - Last synced at: 14 days ago - Pushed at: 14 days ago - Stars: 1 - Forks: 0

domjoseph2000/EmailSpam

Language: Jupyter Notebook - Size: 2.97 MB - Last synced at: 14 days ago - Pushed at: 14 days ago - Stars: 0 - Forks: 0

vlmhrd/NLP-sentiment-analysis

Building text sentiment analysis network from scratch in Pytorch

Language: Jupyter Notebook - Size: 12.7 KB - Last synced at: 15 days ago - Pushed at: 15 days ago - Stars: 0 - Forks: 0

RodolfoLSS/wine_analysis

Data analysis of a wine's dataset.

Language: Jupyter Notebook - Size: 271 KB - Last synced at: 15 days ago - Pushed at: 15 days ago - Stars: 0 - Forks: 0

vietnh1009/Hierarchical-attention-networks-pytorch

Hierarchical Attention Networks for document classification

Language: Python - Size: 48.5 MB - Last synced at: 14 days ago - Pushed at: over 3 years ago - Stars: 396 - Forks: 104

2000pawan/Mental_Health_ChatBot

This Mental Health ChatBot uses machine learning to predict mental health conditions like Stress, Depression, Bipolar disorder, Personality disorder, or Anxiety based on user input. It then provides personalized advice to help users cope with their mental health challenges.

Language: Jupyter Notebook - Size: 5.52 MB - Last synced at: 15 days ago - Pushed at: 15 days ago - Stars: 1 - Forks: 0

marcoshsq/The_Self-taught_Data_Scientist

A curated list of free courses from reputable universities that meet the requirements of an undergraduate curriculum in Data Science, excluding general education. With projects, supporting materials in an organized structure.

Size: 650 KB - Last synced at: 15 days ago - Pushed at: 15 days ago - Stars: 24 - Forks: 3

simahashemi/FakeNews-Detection-NLP-RandomForest

This project implements a complete NLP pipeline for Persian tweets to classify topics and detect fake news. Using a Random Forest classifier, it compares tweet content with trusted news sources, achieving 70% accuracy in fake news detection.

Language: Jupyter Notebook - Size: 97.4 MB - Last synced at: 16 days ago - Pushed at: 16 days ago - Stars: 0 - Forks: 0

Ychen463/cyber-security-text-classification-nlp

Cyber is a Natural Language Processing tool focused on analyzing global cybersecurity policies. Utilizing both supervised and unsupervised machine learning, the project categorizes and compares strategies from over 75 countries.

Language: Jupyter Notebook - Size: 23.6 MB - Last synced at: 21 minutes ago - Pushed at: over 1 year ago - Stars: 10 - Forks: 3

MELAI-1/master-project

this folder contains all my project i did at the university of yaounde 1

Language: Jupyter Notebook - Size: 3.12 MB - Last synced at: 16 days ago - Pushed at: 16 days ago - Stars: 0 - Forks: 0

its-maneeshk/Fake-Product-Detection-System

The Fake Product Review Detection System is a machine learning-powered web application designed to analyze and detect fake reviews on eCommerce platforms. It helps users identify whether a product has genuine or manipulated reviews by leveraging Natural Language Processing (NLP) and supervised learning models.

Language: JavaScript - Size: 33 MB - Last synced at: 16 days ago - Pushed at: 16 days ago - Stars: 2 - Forks: 3

coder-apr-5/SMS-Spam-Detection

SMS Spam Detection using NLP leverages natural language processing techniques to analyze and classify text messages as spam or legitimate. It enhances communication security by identifying patterns, keywords, and context in messages for effective and automated filtering.

Language: Jupyter Notebook - Size: 935 KB - Last synced at: 16 days ago - Pushed at: 16 days ago - Stars: 1 - Forks: 0

cdtalley/LangChain_Enterprise_Dashboard

Enterprise LangChain platform with multi-agent collaboration, advanced RAG, local LLM support, and modern web interface. Production-ready AI orchestration for research, coding, and data analysis.

Language: Python - Size: 1.79 MB - Last synced at: 16 days ago - Pushed at: 16 days ago - Stars: 0 - Forks: 0

Avinraj01/SHL-Grammar-Scoring-Engine-for-Voice-Samples

This model predicts grammar scores (1–5) from audio files. It uses Whisper to transcribe speech to text, cleans the text, and extracts features with TF-IDF. A Random Forest Regressor is trained to learn grammar score patterns. Evaluation via Pearson Correlation showed good results.

Language: Jupyter Notebook - Size: 77.1 KB - Last synced at: 16 days ago - Pushed at: 17 days ago - Stars: 1 - Forks: 0

Gharnie01/URL-feature-extractor-

A malleable python script for URL feature extraction for machine learning and deep learning research and projects.

Size: 5.86 KB - Last synced at: 17 days ago - Pushed at: 17 days ago - Stars: 0 - Forks: 0

Asemica-me/chatw-GNA

AI Assistant for Geoportale Nazionale dell'Archeologia (GNA)

Language: Python - Size: 4.16 MB - Last synced at: 18 days ago - Pushed at: 18 days ago - Stars: 1 - Forks: 0

Gouravlohar/Test-Bot

A Test-Bot made on Llama-2 LLM

Language: Python - Size: 1.73 MB - Last synced at: 8 days ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 0

asghar-rizvi/Deep_Learning_Projects

Developed multiple Deep Learning projects using CNN, RNN, ANN, and fine-tuned models to tackle real-world challenges. Optimized architectures for diverse tasks, ensuring high accuracy and efficiency. Shared Jupyter Notebooks, providing insights into the model-building process to assist others in utilizing my work.

Language: Jupyter Notebook - Size: 128 MB - Last synced at: 18 days ago - Pushed at: 18 days ago - Stars: 0 - Forks: 0

annnieglez/nlp-stock-market-and-news

This project focuses on detecting fake news from news headlines using advanced Natural Language Processing (NLP) techniques. It combines sentiment analysis with news headlines embeddings, generated from Hugging Face transformer models, to train a binary classification model that distinguishes between real and fake news.

Language: Jupyter Notebook - Size: 9.7 MB - Last synced at: 5 days ago - Pushed at: 18 days ago - Stars: 0 - Forks: 0

NorskRegnesentral/skweak

skweak: A software toolkit for weak supervision applied to NLP tasks

Language: Python - Size: 28 MB - Last synced at: 12 days ago - Pushed at: 9 months ago - Stars: 925 - Forks: 77

ashishkumar30/ML-AI-Python-Codes

Python various Important codes, Machine learning, NLP using Spacy and NLTK with Neural Network in ML

Language: Jupyter Notebook - Size: 14.1 MB - Last synced at: 18 days ago - Pushed at: 18 days ago - Stars: 35 - Forks: 7

DarylFernandes99/Phrase-based-Poem-Generation

Deep learning poetry generator using bidirectional LSTM neural networks. Input user phrases to generate creative poems with customizable stanzas. Built with TensorFlow/Keras, featuring advanced text preprocessing, sequence modeling, tokenization, and interactive poem generation interface.

Language: Jupyter Notebook - Size: 7.81 KB - Last synced at: 18 days ago - Pushed at: 19 days ago - Stars: 0 - Forks: 0

mE-uMAr/nlp-byteBrains

Its an NLP Based Resume Analysis and Job Recommendation System built using Transformers like BERT, Roberta, Distillbert and for web application Django is used

Language: HTML - Size: 952 KB - Last synced at: 5 days ago - Pushed at: 24 days ago - Stars: 0 - Forks: 0

FeekraBasetBaishakhi/Domain_Analysis_NLP

1. Sentiment Analysis and Text Processing of Support Forum Comments 2. Analysis of GPT's Classification of Comments Related to Abusive Relationships 3. Detection of Abusive Relationship Comments Using Naive Bayes Classification 4. Listed in order from most to least frequent, 5.Identifying Abuse-Related Comments Using Logistic Regression 6. SVM

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

pemistahl/lingua-go

The most accurate natural language detection library for Go, suitable for short text and mixed-language text

Language: Go - Size: 226 MB - Last synced at: 13 days ago - Pushed at: 4 months ago - Stars: 1,245 - Forks: 68

DengBoCong/nlp-paper

自然语言处理领域下的相关论文(附阅读笔记),复现模型以及数据处理等(代码含TensorFlow和PyTorch两版本)

Language: Python - Size: 48.4 MB - Last synced at: 18 days ago - Pushed at: over 1 year ago - Stars: 1,261 - Forks: 188

Related Keywords
nlp-machine-learning 5,373 nlp 2,036 machine-learning 1,246 python 1,139 natural-language-processing 586 deep-learning 542 sentiment-analysis 503 python3 419 data-science 355 text-classification 253 nltk 238 ai 224 artificial-intelligence 219 classification 205 tensorflow 205 chatbot 191 machine-learning-algorithms 185 pytorch 185 flask 178 nltk-python 162 pandas 161 neural-network 148 jupyter-notebook 138 transformers 137 bert 121 nlp-library 119 bert-model 119 logistic-regression 119 ml 114 lstm 113 lstm-neural-networks 113 spacy 113 llm 112 scikit-learn 111 keras 108 numpy 107 streamlit 106 topic-modeling 104 transformer 103 sentiment-classification 101 naive-bayes-classifier 100 word2vec 100 nlp-keywords-extraction 99 sklearn 96 deep-neural-networks 95 text-mining 94 huggingface-transformers 85 data-visualization 85 data-analysis 85 computer-vision 81 neural-networks 79 spacy-nlp 78 tf-idf 77 webscraping 75 rnn 71 dataset 69 random-forest 69 named-entity-recognition 65 ner 65 question-answering 65 flask-application 64 huggingface 64 nltk-library 62 twitter 62 api 62 docker 61 nlp-parsing 61 clustering 61 javascript 61 embeddings 60 word-embeddings 59 text-processing 57 matplotlib 57 language-model 56 django 55 text-analysis 55 natural-language-understanding 55 keras-tensorflow 54 tfidf-vectorizer 52 machinelearning 52 bag-of-words 51 fastapi 50 generative-ai 49 information-retrieval 48 cnn 48 data 47 html 47 nodejs 47 tensorflow2 44 openai 44 llms 43 speech-recognition 43 seaborn 42 large-language-models 42 kaggle 42 deeplearning 41 summarization 41 css 41 spam-detection 41 lda 40