GitHub topics: topic-modeling
Anishgoswamicode/wikipedia-semantic-clustering
Unsupervised semantic clustering of Wikipedia topics using Sentence-BERT embeddings, UMAP for visualization, and DBSCAN for topic discovery
Language: Jupyter Notebook - Size: 149 KB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 0 - Forks: 0

MaartenGr/BERTopic
Leveraging BERT and c-TF-IDF to create easily interpretable topics.
Language: Python - Size: 25.1 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 6,809 - Forks: 818

stephenhky/PyShortTextCategorization
Various Algorithms for Short Text Mining
Language: Python - Size: 111 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 470 - Forks: 74

shaoncse/covid-tweet-nlp-analysis
📊 Sentiment classification and topic extraction from COVID-19 tweets using NLP techniques (TF-IDF, KMeans, Voting Classifiers). University project for text analytics and public opinion analysis.
Language: Jupyter Notebook - Size: 5.21 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 0 - Forks: 0

joewandy/hlda
Gibbs sampler for the Hierarchical Latent Dirichlet Allocation topic model
Language: Jupyter Notebook - Size: 5.61 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 150 - Forks: 38

bobxwu/FASTopic
A Fast, Adaptive, Stable, and Transferable Topic Model (NeurIPS 2024)
Language: Python - Size: 1.61 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 105 - Forks: 9

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: 5 days ago - Pushed at: 5 days ago - Stars: 0 - Forks: 0

nipunchauhan/Topic-Modeling-NLP-Python-Knime
This project compares topic modeling and text clustering techniques on BBC news articles. We use both KNIME and Python-based approaches to assess model quality and coherence in unsupervised text analysis.
Language: Jupyter Notebook - Size: 5.43 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 0 - Forks: 0

rmovva/HypotheSAEs
Hypothesizing interpretable relationships in text datasets using sparse autoencoders.
Language: Jupyter Notebook - Size: 11.5 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 29 - Forks: 2

bayerschphi/ohtm_pipeline
A pipeline for topic modeling with oral history interviews
Language: Python - Size: 2.52 MB - Last synced at: 6 days ago - Pushed at: 7 days ago - Stars: 1 - Forks: 0

MaartenGr/Concept
Concept Modeling: Topic Modeling on Images and Text
Language: Python - Size: 4.8 MB - Last synced at: 7 days ago - Pushed at: 7 months ago - Stars: 210 - Forks: 17

Sameer051022/Topic_Modeling_and_Sentiment_Analysis
"In-depth exploration of advanced NLP techniques featuring topic modeling and sentiment analysis on diverse datasets, utilizing Python’s powerful libraries to uncover themes and sentiments in textual data."
Language: Jupyter Notebook - Size: 1.92 MB - Last synced at: 7 days ago - Pushed at: 8 days ago - Stars: 0 - Forks: 0

gbennnn/topic-modeling-bumn-campus
A project on scraping and analyzing Google Maps reviews from universities under APERTI BUMN using topic modeling (LDA) to uncover dominant discussion themes among students and visitors.
Language: Jupyter Notebook - Size: 9.68 MB - Last synced at: 1 day ago - Pushed at: 8 days ago - Stars: 0 - Forks: 0

pranjal-pravesh/Reddit-NLP-Analytics
Full-stack Reddit analysis platform with web interface, NLP sentiment analysis, topic modeling, and LLM integration. Built with FastAPI, featuring interactive dashboards and data visualization.
Language: Python - Size: 95.7 KB - Last synced at: 7 days ago - Pushed at: 8 days ago - Stars: 0 - Forks: 0

seinecle/nocodefunctions-web-app
The code base of the front-end of nocodefunctions.com
Language: Java - Size: 37.9 MB - Last synced at: 7 days ago - Pushed at: 8 days ago - Stars: 39 - Forks: 7

SercanTeyhani/nlp-recommendation-system
Intelligent system that matches user experience with real Data Science job market trends using NLP & LLMs.
Language: Jupyter Notebook - Size: 78.4 MB - Last synced at: 8 days ago - Pushed at: 9 days ago - Stars: 1 - Forks: 0

machine-intelligence-laboratory/TopicNet
Interface for easier topic modelling.
Language: Python - Size: 10.5 MB - Last synced at: 3 days ago - Pushed at: 10 months ago - Stars: 139 - Forks: 17

x-tabdeveloping/topicwizard
Powerful topic model visualization in Python
Language: Python - Size: 104 MB - Last synced at: 5 days ago - Pushed at: 3 months ago - Stars: 124 - Forks: 15

maxent-ai/converse
Conversational text Analysis using various NLP techniques
Language: Jupyter Notebook - Size: 154 KB - Last synced at: 8 days ago - Pushed at: almost 2 years ago - Stars: 180 - Forks: 19

brian-hepler-phd/MathResearchCompass
An interactive dashboard for exploring mathematical research trends on arXiv
Language: Jupyter Notebook - Size: 72.1 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 5 - Forks: 0

owlbarn/owl
Owl - OCaml Scientific Computing @ https://ocaml.xyz
Language: OCaml - Size: 27.2 MB - Last synced at: 6 days ago - Pushed at: about 1 month ago - Stars: 1,275 - Forks: 126

hammadaslam1/reviews-classifier
This is my final year project "customer reviews classification and analysis system using data mining and nlp". It analyzes and then classifies the customer reviews on the basis of their fakeness, sentiments, contexts and topics discussed. The reviews are taken from various e-commerce platforms like daraz and amazon.
Language: Jupyter Notebook - Size: 77.8 MB - Last synced at: 10 days ago - Pushed at: 10 days ago - Stars: 0 - Forks: 0

nomic-ai/nomic
Interact, analyze and structure massive text, image, embedding, audio and video datasets
Language: Python - Size: 24 MB - Last synced at: 10 days ago - Pushed at: 10 days ago - Stars: 1,702 - Forks: 187

SergeyFilipov/covid-tweet-nlp-analysis
📊 Sentiment classification and topic extraction from COVID-19 tweets using NLP techniques (TF-IDF, KMeans, Voting Classifiers). University project for text analytics and public opinion analysis.
Language: Python - Size: 5.91 MB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 0 - Forks: 0

x-tabdeveloping/turftopic
Robust and fast topic models with sentence-transformers.
Language: Python - Size: 58.7 MB - Last synced at: 5 days ago - Pushed at: 6 days ago - Stars: 53 - Forks: 6

Jide-Muritala/covid19-research
Language: Jupyter Notebook - Size: 2.94 MB - Last synced at: 6 days ago - Pushed at: 12 days ago - Stars: 0 - Forks: 0

TokoKairo/reddit-discourse-project
PhilosophyMap explores philosophical discussions on Reddit by analyzing data from key subreddits. This project uses various methods to visualize language, sentiment, and concept networks, offering insights into modern discourse. 🐙✨
Language: Jupyter Notebook - Size: 32.2 KB - Last synced at: 13 days ago - Pushed at: 14 days ago - Stars: 0 - Forks: 0

tsear/reddit-discourse-project
Mapping emotional and conceptual discourse across Reddit philosophy communities.
Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 15 days ago - Pushed at: 15 days ago - Stars: 0 - Forks: 0

SuryaVamsi-P/Conflict-NLP-Topic-Modeling-Sentiment-Analysis-using-LLMs
Extracts insights from 26K+ protest events using BERTopic, Top2Vec, and LLMs for real-world applications like crisis monitoring, policy research, and social unrest analysis.
Language: Jupyter Notebook - Size: 8.48 MB - Last synced at: 15 days ago - Pushed at: 15 days ago - Stars: 0 - Forks: 0

gregversteeg/corex_topic
Hierarchical unsupervised and semi-supervised topic models for sparse count data with CorEx
Language: Python - Size: 14.6 MB - Last synced at: 4 days ago - Pushed at: about 4 years ago - Stars: 635 - Forks: 120

MIND-Lab/OCTIS
OCTIS: Comparing Topic Models is Simple! A python package to optimize and evaluate topic models (accepted at EACL2021 demo track)
Language: Python - Size: 168 MB - Last synced at: 12 days ago - Pushed at: 11 months ago - Stars: 766 - Forks: 113

lucasmachuca/TopicModeling_HumanitaryLogistics
LDA topic modeling for exploratory literature reviews
Language: Jupyter Notebook - Size: 33.6 MB - Last synced at: 18 days ago - Pushed at: 18 days ago - Stars: 0 - Forks: 0

vishrut-b/Mod-lisation-NLP-de-la-Presse-Fran-aise
Pipeline NLP complet pour analyser 500+ articles de presse français. Collecte via NewsAPI, nettoyage et lemmatisation avec spaCy, embeddings CamemBERT, réduction UMAP, clustering BERTopic. Évaluation par cohérence sémantique, garantissant des thèmes précis et pertinents.
Language: HTML - Size: 6.35 MB - Last synced at: 1 day ago - Pushed at: 19 days ago - Stars: 0 - Forks: 0

JericN/trendit-ai
Powerful AI-driven tool that uncovers trending Reddit topics across subreddits, delivering instant insights with advanced language generation.
Language: Jupyter Notebook - Size: 14.6 MB - Last synced at: 19 days ago - Pushed at: 19 days ago - Stars: 0 - Forks: 0

piskvorky/gensim
Topic Modelling for Humans
Language: Python - Size: 101 MB - Last synced at: 19 days ago - Pushed at: 4 months ago - Stars: 16,023 - Forks: 4,396

miguelfbrito/microservice-identification
Microservice identification from monolithic architectures through topic modeling and clustering techniques.
Language: Jupyter Notebook - Size: 17.8 MB - Last synced at: about 16 hours ago - Pushed at: almost 2 years ago - Stars: 13 - Forks: 2

ddangelov/Top2Vec
Top2Vec learns jointly embedded topic, document and word vectors.
Language: Python - Size: 83.4 MB - Last synced at: 19 days ago - Pushed at: 7 months ago - Stars: 3,045 - Forks: 373

ddbourgin/numpy-ml
Machine learning, in numpy
Language: Python - Size: 10 MB - Last synced at: 21 days ago - Pushed at: over 1 year ago - Stars: 16,097 - Forks: 3,803

SergioV3005/emotion-analysis-stock-tweets
Emotion-Focused Analysis of Stock Tweets: Challenges and Insights with Emotion Classification and Topic Modeling
Language: Jupyter Notebook - Size: 15 MB - Last synced at: 22 days ago - Pushed at: 22 days ago - Stars: 1 - Forks: 0

ContextLab/hypertools
A Python toolbox for gaining geometric insights into high-dimensional data
Language: Python - Size: 95.3 MB - Last synced at: 18 days ago - Pushed at: about 2 months ago - Stars: 1,849 - Forks: 162

mkumar73/stream_topic_data
Dataset for stream_topic python package
Language: Shell - Size: 91.8 MB - Last synced at: 23 days ago - Pushed at: 24 days ago - Stars: 3 - Forks: 2

cpsievert/LDAvis
R package for web-based interactive topic model visualization.
Language: JavaScript - Size: 24 MB - Last synced at: 17 days ago - Pushed at: over 1 year ago - Stars: 561 - Forks: 132

JasonKessler/scattertext
Beautiful visualizations of how language differs among document types.
Language: Python - Size: 39.4 MB - Last synced at: 19 days ago - Pushed at: about 1 month ago - Stars: 2,302 - Forks: 292

UnbrokenCocoon/BERTopic_Stability
Language: Jupyter Notebook - Size: 485 KB - Last synced at: 25 days ago - Pushed at: 25 days ago - Stars: 0 - Forks: 0

niktaakbarpour/Unveiling-Ruby
This project investigates developer challenges with the Ruby programming language by mining Stack Overflow and conducting a complementary developer survey. It applies topic modeling, statistical analysis, and survey alignment to uncover real-world issues and perceptions around Ruby.
Language: Python - Size: 1.52 MB - Last synced at: 25 days ago - Pushed at: 25 days ago - Stars: 1 - Forks: 0

ChanMeng666/customer-insight
【Star us if you're awesome!⭐️】A comprehensive customer review analysis system that provides deep insights through sentiment analysis, keyword extraction, topic modeling, and interactive visualizations. Built with Python and Streamlit, optimized for Chinese text with English language support.
Language: Python - Size: 294 KB - Last synced at: 24 days ago - Pushed at: 26 days ago - Stars: 0 - Forks: 1

dselivanov/text2vec
Fast vectorization, topic modeling, distances and GloVe word embeddings in R.
Language: R - Size: 46.2 MB - Last synced at: 7 days ago - Pushed at: 10 months ago - Stars: 863 - Forks: 133

AnFreTh/STREAM
A versatile Python package engineered for seamless topic modeling, topic evaluation, and topic visualization. Ideal for text analysis, natural language processing (NLP), and research in the social sciences, STREAM simplifies the extraction, interpretation, and visualization of topics from large, complex datasets.
Language: Python - Size: 228 MB - Last synced at: 27 days ago - Pushed at: 4 months ago - Stars: 38 - Forks: 9

ydchen17/VBPTopicModel
This repository accompanies a research project analysing public opinion on China's Volume-Based Procurement (VBP) policy in the pharmaceutical sector during January 2025. Employing advanced topic modelling techniques, the study aims to uncover the underlying themes and sentiments expressed by the public regarding VBP.
Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 27 days ago - Pushed at: 27 days ago - Stars: 0 - Forks: 0

sidphbot/Auto-Research
Generate custom detailed survey paper with topic clustered sections and proper citations, from just a single query in just under 30 mins !!
Language: Python - Size: 429 KB - Last synced at: 9 days ago - Pushed at: over 1 year ago - Stars: 58 - Forks: 7

BobXWu/TopMost
A Topic Modeling System Toolkit (ACL 2024 Demo)
Language: Jupyter Notebook - Size: 254 MB - Last synced at: 25 days ago - Pushed at: about 2 months ago - Stars: 251 - Forks: 26

Araule/echosis
Code developed for : Darenne, L. (2024). Propositions pour l'identification, la modélisation et la quantification des chambres d’écho : Expérimentation sur un corpus de commentaires YouTube. Master Thesis, Institut National des Langues et Civilisations Orientales.
Language: Python - Size: 11.7 MB - Last synced at: 28 days ago - Pushed at: 28 days ago - Stars: 1 - Forks: 0

baidu/Familia
A Toolkit for Industrial Topic Modeling
Language: C++ - Size: 5.97 MB - Last synced at: 11 days ago - Pushed at: almost 4 years ago - Stars: 2,643 - Forks: 593

lmcinnes/enstop
Ensemble topic modelling with pLSA
Language: Python - Size: 233 KB - Last synced at: 3 days ago - Pushed at: over 3 years ago - Stars: 115 - Forks: 12

lcalvobartolome/CASE
Large Scale Topic Exploitation for Decision Support Systems
Language: Jupyter Notebook - Size: 5.95 MB - Last synced at: 29 days ago - Pushed at: 29 days ago - Stars: 1 - Forks: 0

charlesdedampierre/BunkaTopics
🗺️ Data Cleaning and Textual Data Visualization 🗺️
Language: Python - Size: 229 MB - Last synced at: 25 days ago - Pushed at: 25 days ago - Stars: 172 - Forks: 15

abinakukanova/temporal-topic-modeling-bigartm
A Project on Temporal Topic Modeling
Language: Jupyter Notebook - Size: 27.5 MB - Last synced at: 30 days ago - Pushed at: 30 days ago - Stars: 1 - Forks: 1

cschwem2er/stminsights
A Shiny Application for Inspecting Structural Topic Models
Language: R - Size: 19.1 MB - Last synced at: 20 days ago - Pushed at: 12 months ago - Stars: 118 - Forks: 16

vi3k6i5/GuidedLDA
semi supervised guided topic model with custom guidedLDA
Language: Python - Size: 2.18 MB - Last synced at: 16 days ago - Pushed at: about 2 months ago - Stars: 507 - Forks: 110

novitangrn/ToMoLDA
Projek ‘Klasifikasi Teks dalam NLP untuk Mendeteksi Topik Berita Berbasis Teks’ dibuat untuk mendapatkan sebaran topik dari dokumen-dokumen yang ada dalam sebuah korpus. Data yang diambil berupa berita berbasis teks yang bisa didapatkan melalui proses scraping web secara real-time, atau bisa juga dengan mengunggah dataset lokal di menu yang telah disediakan. Kemudian dataset yang telah didapatkan diproses dengan menggunakan LDA (Latent Dirichlet Allocation). Metode LDA ini memudahkan dalam mencari atau memunculkan topik-topik tersembunyi saat melakukan pemrosesan serta dapat mendeteksi seberapa proporsionalnya kemunculan sebuah topik-topik tertentu.
Language: Python - Size: 18.6 KB - Last synced at: about 1 month ago - Pushed at: about 1 month 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 1 month ago - Pushed at: 4 months ago - Stars: 1,228 - Forks: 152

bernard-ng/drc-news-ml
DRC News Corpus, Towards a scalable and intelligent system for Congolese News curation
Size: 1000 Bytes - Last synced at: 23 days ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

Medha11/Twitter-Trends
Twitter Trends is a web-based application that automatically detects and analyzes emerging topics in real time through hashtags and user mentions in tweets. Twitter being the major microblogging service is a reliable source for trends detection. The project involved extracting live streaming tweets, processing them to find top hashtags and user mentions and displaying details for each trending topic using trends graph, live tweets and summary of related articles. It also included Topic Modelling and Entity Categorization to classify the tweets and extract valuable information about its contents and find similar tweets and related articles and URLs. A trending topic is represented as a word cloud created from set of keywords (hashtags or user mentions) that belong to that topic. Thus this application provides the required information to get an overhaul of the topics which are trending at that particular time. This data can be used to support social analysis, finance, marketing or news tracking.
Language: Python - Size: 150 MB - Last synced at: 15 days ago - Pushed at: about 8 years ago - Stars: 106 - Forks: 27

ei-thandar-phyu/NLP-projects
A collection of natural language processing projects and experiments
Language: Jupyter Notebook - Size: 11.7 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

chtmp223/topicGPT
TopicGPT: A Prompt-Based Framework for Topic Modeling (NAACL'24)
Language: Python - Size: 828 KB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 290 - Forks: 47

andrewtavis/kwx
BERT, LDA, and TFIDF based keyword extraction in Python
Language: Python - Size: 12.3 MB - Last synced at: 18 days ago - Pushed at: about 1 year ago - Stars: 73 - Forks: 10

yao8839836/PTM
A Topic Modeling Approach for Traditional Chinese Medicine Prescriptions. TKDE 2018
Language: Java - Size: 19.8 MB - Last synced at: about 1 month ago - Pushed at: over 5 years ago - Stars: 78 - Forks: 26

stepthom/text_mining_resources
Resources for learning about Text Mining and Natural Language Processing
Size: 707 KB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 577 - Forks: 199

istat-methodology/TopicModelingLab
A review of the most popular topic modeling techniques, featuring hands-on tutorials.
Language: Jupyter Notebook - Size: 29.3 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 9 - Forks: 2

sakelariev/bg-reddit-analysis-notebooks
Анализ на публикациите в най-големия български събредит (/r/bulgaria). В това repo е всичкият код за разпределението на теми в дискусиите на събредита от 2008 до края на 2023 година
Language: Jupyter Notebook - Size: 6.68 MB - Last synced at: 5 days ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

nextprocurement/NP-Backend-Dockers
Solr-powered backend optimized for efficient text indexing, analysis, and retrieval.
Language: Jupyter Notebook - Size: 2.79 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

ddangelov/RESTful-Top2Vec
Expose a Top2Vec model with a REST API.
Language: Python - Size: 243 KB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 90 - Forks: 20

MichiganNLP/cross_inspiration
Cross-cultural Inspiration Detection and Analysis in Real and LLM-generated Social Media Data
Language: HTML - Size: 4.33 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 2 - Forks: 0

maximtrp/bitermplus
Biterm Topic Model (BTM): modeling topics in short texts
Language: Cython - Size: 693 KB - Last synced at: 27 days ago - Pushed at: 11 months ago - Stars: 81 - Forks: 14

Jonadler1/Topic-Modeling-Techniques-
NLP Topic Modeling Techniques (LDA, LSA & BERTopic)
Language: HTML - Size: 13.4 MB - Last synced at: 22 days ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 0

bab2min/tomotopy
Python package of Tomoto, the Topic Modeling Tool
Language: C++ - Size: 2.33 MB - Last synced at: about 1 month ago - Pushed at: 10 months ago - Stars: 578 - Forks: 63

urtx13/Four-Phase-seed
This repository contains the seed-frozen version (seed=1405) of the original statistical pipeline described in Cho 2025a. All scripts, data and results have been made reproducible for verification and independent replication.
Language: Python - Size: 190 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

m-clark/sem
:white_medium_small_square: <- :white_circle: Structural Equation Modeling from a broader context.
Language: R - Size: 58.3 MB - Last synced at: about 1 month ago - Pushed at: over 6 years ago - Stars: 31 - Forks: 18

Alfred9/Natural-Language-Processing
This collection features a series of NLP projects, covering diverse aspects. Explore projects in text processing, sentiment analysis, entity resolution, and more.
Language: Jupyter Notebook - Size: 585 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

jonaschn/awesome-topic-models
✨ Awesome - A curated list of amazing Topic Models (implementations, libraries, and resources)
Size: 53.7 KB - Last synced at: about 1 month ago - Pushed at: almost 3 years ago - Stars: 94 - Forks: 8

wesslen/topicApp
A simple Shiny App for Topic Modeling in R
Language: R - Size: 376 KB - Last synced at: about 1 month ago - Pushed at: over 6 years ago - Stars: 44 - Forks: 11

micheldpd24/cust_review_bertopic
Topic Modeling of Customer Reviews using BERTopic
Language: Python - Size: 3.89 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

scythemenace/corpus-genre-analysis
A corpus analysis project that compares romance and crime novels using bag-of-words models, Naïve Bayes probability estimation, and topic modeling with LDA. Includes preprocessing tools, visualizations, and genre-based insights.
Language: HTML - Size: 3.38 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

nanxstats/tinytopics
GPU-accelerated topic modeling via sum-to-one constrained neural Poisson NMF with PyTorch
Language: Python - Size: 6.25 MB - Last synced at: 6 days ago - Pushed at: about 2 months ago - Stars: 5 - Forks: 0

john-fante/john-fante
In my code portfolio, I generally try new techniques and methods in machine learning. I don't like only copying and pasting.
Size: 318 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

nikonov-ds/nlp_abstracts_analysis
A project analyzing 1,000 research paper abstracts related to Natural Language Processing (NLP) from arXiv to identify key research trends and topics using advanced NLP techniques.
Language: Jupyter Notebook - Size: 9.83 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

Onome-Joseph/NLP-Topic-Modeling
Automatically analyzes and extracts meaningful topics from large bodies of text or passages.
Language: Jupyter Notebook - Size: 124 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

bigartm/bigartm
Fast topic modeling platform
Language: C++ - Size: 16.8 MB - Last synced at: 17 days ago - Pushed at: almost 2 years ago - Stars: 669 - Forks: 120

hiropppe/text-models
Topic Modeling in Cython
Language: Jupyter Notebook - Size: 48.9 MB - Last synced at: 16 days ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

primaryobjects/lda
LDA topic modeling for node.js
Language: JavaScript - Size: 44.9 KB - Last synced at: 16 days ago - Pushed at: 10 months ago - Stars: 297 - Forks: 49

machine-intelligence-laboratory/OptimalNumberOfTopics
A set of methods for finding an appropriate number of topics in a text collection
Language: Python - Size: 46.9 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 16 - Forks: 4

aniass/Product-Categorization-NLP
Multi-Class Text Classification for products based on their description with Machine Learning algorithms and Neural Networks (MLP, CNN, Distilbert).
Language: Jupyter Notebook - Size: 14.5 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 93 - Forks: 27

edadunashvili/VerMa
Künstlicher Assistent für die inhaltliche Annotation des Märchens
Language: Jupyter Notebook - Size: 17.5 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

Rahul-404/bbc-news-sorting
📰 BBC News Article Classifier: A project that categorizes BBC News articles into business, entertainment, politics, sport, and tech 🏙️. Utilizes NLP techniques to build a precise classification model for text data, delivering accurate categorization 🤖.
Language: Jupyter Notebook - Size: 20.2 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

julianacharisser/gym-reviews-sentiment-analysis
Analyzing Gym Reviews Using Natural Language Processing (NLP).
Language: Jupyter Notebook - Size: 5.36 MB - Last synced at: 4 days ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

mkhekare/web_social_media_analysis
Topic modeling using Latent Dirichlet Allocation (LDA) to analyze reviews. The goal is to extract meaningful topics from a collection of text reviews, visualize the results, and save the findings for further analysis.
Language: Jupyter Notebook - Size: 547 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

apelullo/cobalt_health_wellness_platform_ops
Cobalt is a mental health and wellness platform created for Penn Medicine employees that serves as a hub for support services such as therapy, wellness coaching, topic- and population-specific group sessions, and a variety of self-help resources.
Language: Jupyter Notebook - Size: 194 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

babli18/comment-classifier
Code to classify comments - Inprogress
Language: Jupyter Notebook - Size: 39.6 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

zahramh99/Video-Chaptering-Youtube
Video chaptering is the process of dividing a video into distinct segments, each labelled with a specific title or chapter name, to enhance navigation and user experience.
Language: Python - Size: 5.86 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

amazon-science/text_generation_diffusion_llm_topic
Topic Embedding, Text Generation and Modeling using diffusion
Language: Python - Size: 154 KB - Last synced at: about 1 month ago - Pushed at: about 2 months ago - Stars: 12 - Forks: 3
