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

GitHub topics: collaborative-filtering

PsiPJ/movie-recommender

A hybrid content-based and collaborative filtering movie recommender system built using Python and Jupyter. Notebook. Designed for showcasing recommender system skills and end-to-end ML workflow.

Language: Jupyter Notebook - Size: 7.34 MB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 0 - Forks: 0

gorse-io/gorse

Gorse open source recommender system engine

Language: Go - Size: 12 MB - Last synced at: 3 days ago - Pushed at: 10 days ago - Stars: 8,990 - Forks: 820

Soriano-R/Recommendations_with_IBM

A recommendation system for IBM Watson Studio platform that analyzes user-article interactions and suggests relevant content using multiple recommendation techniques

Language: HTML - Size: 4.38 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 0 - Forks: 0

saadamir1/mericloset

MeriCloset: Smart fashion discovery across multiple brands

Language: TypeScript - Size: 5.11 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 0 - Forks: 0

bangaji313/Recommender-System-MovieLens

Proyek Sistem Rekomendasi Film dengan Content-Based & Collaborative Filtering. Submission untuk modul Machine Learning Terapan di Coding Camp 2025.

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

Aries921wu/Highly-Robust-Movie-Recommendation-engine

A highly sophisticated, tested, robust and procedural recommender.

Language: Python - Size: 35.7 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 0 - Forks: 0

DrStef/Machine_Learning_with_Python-IBM

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

vaishnavijain25/Netflix-movie-recommendation-SVD

Netflix Movie Recommendation Engine Using SVD

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

DevJinah/collaborative-book-recommender

Collaborative filtering based book recommendation system

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

sabin74/movie_recommendation_system

A Python-based movie recommendation engine built using the MovieLens Dataset that supports:

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

benfred/implicit

Fast Python Collaborative Filtering for Implicit Feedback Datasets

Language: Python - Size: 7.51 MB - Last synced at: 6 days ago - Pushed at: 11 months ago - Stars: 3,676 - Forks: 622

HarshitNayyar/recommender

Machine learning microservice for library management system project

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

Lake-Wang/Fairness_Enhanced_Recommendation_System

This project enhances fairness in recommender systems by introducing DNCF, a debiased neural collaborative filtering model capable of handling both binary and multi-subgroup fairness. It builds on NCF and NFCF by extending debiasing and regularization techniques to support nuanced demographic subgroups without compromising performance.

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

KristinaP09/G-CoMVKM-Python

Python implementation for A Globally Collaborative Multi-View k-Means Clustering

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

keerthivnair/Movies_Recommendation_System

This is a movie recommendation system.

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

Tiny-Snow/IR-Benchmark

A unified, extensible, and reproducible benchmark for collaborative filtering (CF) research.

Language: Python - Size: 386 MB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 11 - Forks: 1

Sverlaan/letterboxd-collab2watch

A web tool that recommends movies for multiple parties by combining Letterboxd user profiles and applying group collaborative filtering.

Language: JavaScript - Size: 16.4 MB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 0 - Forks: 0

AmirJlr/RecSys

Collection of recommender systems tutorials with tensorflow and pytorch

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

taljindergill78/book-recommender-system

A personalized book recommender system that suggests books to users based on their reading preferences and past ratings, using collaborative filtering techniques on the Book Crossing dataset.

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

MaklonFR/Movie-Recomendation-System

Submision Dicoding Indonesia - Machine Learning Terapan (Movie Recomendation)

Language: Jupyter Notebook - Size: 681 KB - Last synced at: 13 days ago - Pushed at: 5 months ago - Stars: 3 - Forks: 0

AadrianLeo/Book-Recommendation-System

Book Recommender System using the Book-Crossing dataset. Compares content-based (TF-IDF + cosine similarity) and collaborative filtering (SVD) methods for book recommendations. Includes data cleaning, EDA, and model evaluation (Precision@5, RMSE) in Python.

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

NVIDIA/DeepRecommender 📦

Deep learning for recommender systems

Language: Python - Size: 1.33 MB - Last synced at: 4 days ago - Pushed at: about 4 years ago - Stars: 1,694 - Forks: 340

karantyagi/Restaurant-Recommendations-with-Yelp

🍕Recommend new restaurants to Yelp users, using ratings predicted from reviews.

Language: Jupyter Notebook - Size: 25.3 MB - Last synced at: 10 days ago - Pushed at: over 4 years ago - Stars: 24 - Forks: 6

ryanashcraft/CollaborativeFiltering

In-memory recommendation algorithm for Swift apps

Language: Swift - Size: 8.79 KB - Last synced at: 8 days ago - Pushed at: about 2 years ago - Stars: 47 - Forks: 0

omkarbhad/svd-recommendation-engine

Personalized article recommendation system using collaborative filtering and SVD, with an interactive interface built in Streamlit.

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

mhahsler/recommenderlab

recommenderlab - Lab for Developing and Testing Recommender Algorithms - R package

Language: R - Size: 84.1 MB - Last synced at: 19 days ago - Pushed at: 19 days ago - Stars: 215 - Forks: 61

rixwew/pytorch-fm

Factorization Machine models in PyTorch

Language: Python - Size: 5.57 MB - Last synced at: 11 days ago - Pushed at: about 1 year ago - Stars: 1,064 - Forks: 228

sontungkieu/IT3190E-Collaborative-Filtering

This repository contains a hybrid recommendation system prototype that demonstrates collaborative filtering (Matrix Factorization), content-based filtering (SBERT embeddings), and graph-based recommendation (UltraGCN) combined in a cohesive microservices architecture.

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

rishabhpancholi/collaborative-book-recommender

Collaborative filtering based book recommendation system

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

robi56/Deep-Learning-for-Recommendation-Systems

This repository contains Deep Learning based articles , paper and repositories for Recommender Systems

Size: 30.3 KB - Last synced at: 20 days ago - Pushed at: over 5 years ago - Stars: 2,843 - Forks: 706

glami/sansa

SANSA - sparse EASE for millions of items

Language: Python - Size: 1.71 MB - Last synced at: 4 days ago - Pushed at: 5 months ago - Stars: 42 - Forks: 6

dselivanov/rsparse

Fast and accurate machine learning on sparse matrices - matrix factorizations, regression, classification, top-N recommendations.

Language: R - Size: 1.09 MB - Last synced at: 8 days ago - Pushed at: 4 months ago - Stars: 175 - Forks: 30

dliu18/fair-cf

Code to reproduce the paper "When Collaborative Filtering is not Collaborative: Unfairness of PCA for Recommendations". Published at FAccT'25.

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

SebWae/dr-podcast-recsys-bsc-project

Repository for my BSc project in Data Science

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

chanwoo0806/BSPM

Efficient and clarified PyTorch implementation of BSPM

Language: Python - Size: 0 Bytes - Last synced at: 21 days ago - Pushed at: 21 days ago - Stars: 0 - Forks: 0

chanwoo0806/ChebyCF

[SIGIR'2025] Graph Spectral Filtering with Chebyshev Interpolation for Recommendation

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

PreferredAI/cornac

A Comparative Framework for Multimodal Recommender Systems

Language: Python - Size: 24.3 MB - Last synced at: 22 days ago - Pushed at: about 2 months ago - Stars: 960 - Forks: 153

Sravyatogarla/Movie-recommendation-system

A complete Movie Recommendation System project implementing Popularity-Based, Content-Based, and Collaborative Filtering models using the MovieLens dataset. Built with Python, Pandas, and Plotly, featuring interactive inputs and visualizations.

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

sb-ai-lab/RePlay

A Comprehensive Framework for Building End-to-End Recommendation Systems with State-of-the-Art Models

Language: Python - Size: 36.1 MB - Last synced at: 20 days ago - Pushed at: 22 days ago - Stars: 337 - Forks: 34

reczoo/BARS

BARS: Towards Open Benchmarking for Recommender Systems https://openbenchmark.github.io/BARS

Language: Python - Size: 4.24 MB - Last synced at: 16 days ago - Pushed at: 7 months ago - Stars: 375 - Forks: 60

HaSai666/rec_pangu

rec_pangu is a flexible open-source project for recommendation systems. It incorporates diverse AI models like ranking algorithms, sequence recall, multi-interest models, and graph-based techniques. Designed for both beginners and advanced users, it enables rapid construction of efficient, custom recommendation engines.

Language: Python - Size: 23.8 MB - Last synced at: 24 days ago - Pushed at: almost 2 years ago - Stars: 140 - Forks: 20

cheungdaven/DeepRec

An Open-source Toolkit for Deep Learning based Recommendation with Tensorflow.

Language: Python - Size: 14.6 MB - Last synced at: 26 days ago - Pushed at: about 3 years ago - Stars: 1,153 - Forks: 293

ridopandiSinaga/System-Recommendation

Applied Machine Learning - book system Recommender using Content based and Collaborative Filtering (Deep Learning Model Based)

Language: Jupyter Notebook - Size: 351 KB - Last synced at: 26 days ago - Pushed at: 26 days ago - Stars: 1 - Forks: 2

FlorianWilhelm/lda4rec

🧮 Extended Latent Dirichlet Allocation for Collaborative Filtering in Recommender Systems.

Language: Jupyter Notebook - Size: 3.12 MB - Last synced at: 19 days ago - Pushed at: about 3 years ago - Stars: 42 - Forks: 6

aniass/books-recommender-system

The books recommendation system using collaborative filtering and content-based filtering methods.

Language: Jupyter Notebook - Size: 466 KB - Last synced at: 27 days ago - Pushed at: 27 days ago - Stars: 2 - Forks: 0

RUCAIBox/RecBole

A unified, comprehensive and efficient recommendation library

Language: Python - Size: 18.9 MB - Last synced at: 27 days ago - Pushed at: 4 months ago - Stars: 3,761 - Forks: 663

guoguibing/librec

LibRec: A Leading Java Library for Recommender Systems, see

Language: Java - Size: 83.6 MB - Last synced at: 27 days ago - Pushed at: almost 2 years ago - Stars: 3,251 - Forks: 1,030

shenweichen/DeepMatch

A deep matching model library for recommendations & advertising. It's easy to train models and to export representation vectors which can be used for ANN search.

Language: Python - Size: 1.34 MB - Last synced at: 27 days ago - Pushed at: about 2 months ago - Stars: 2,337 - Forks: 542

albertruaz/Recommendation-System

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

tigoCaval/recommendation-algorithm

Collaborative filtering recommendation system. Recommendation algorithm using collaborative filtering. Topics: Ranking algorithm, euclidean distance algorithm, slope one algorithm, filtragem colaborativa.

Language: PHP - Size: 37.1 KB - Last synced at: 8 days ago - Pushed at: about 3 years ago - Stars: 84 - Forks: 14

eylulozatman/bookRecSystemSurprise

collaborative filtering project was developed using surprise library. It provides user based and item based search. It calculates similarity score and offers suggestions.

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

LehengTHU/AlphaRec

[ICLR 2025 Oral 🏆] The implementation of paper "Language Representations Can be What Recommenders Need: Findings and Potentials"

Language: Python - Size: 3.64 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 75 - Forks: 3

USTCLLM/RecStudio

A highly-modularized and recommendation-efficient recommendation library based on PyTorch.

Language: Python - Size: 2.66 MB - Last synced at: about 1 month ago - Pushed at: 4 months ago - Stars: 188 - Forks: 23

netesy/Caidin

A recommendation engine for the clever. Caidin is a Python library that empowers developers to build smart recommendation systems, including content-based and collaborative filtering methods, making personalized recommendations a breeze.

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

Bhasha03/Highly-Robust-Movie-Recommendation-engine

A highly sophisticated, tested, robust and procedural recommender.

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

hexiangnan/neural_collaborative_filtering

Neural Collaborative Filtering

Language: Python - Size: 23.2 MB - Last synced at: 26 days ago - Pushed at: almost 3 years ago - Stars: 1,842 - Forks: 659

jak-weston/Recipe-Recommender-System

Machine learning recommendation system using collaborative filtering and TensorFlow to provide personalized recipe suggestions based on user preferences and interactions

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

geon0325/LightGCNpp

Source code for the RecSys 2024 paper "Revisiting LightGCN: Unexpected Inflexibility, Inconsistency, and A Remedy Towards Improved Recommendation."

Language: Python - Size: 71.2 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 10 - Forks: 4

mythrantic/recommendation-engine

recommendation-engine i use on some of my project gathered together

Language: Jupyter Notebook - Size: 70.4 MB - Last synced at: 17 days ago - Pushed at: about 1 month ago - Stars: 1 - Forks: 0

Shanmukhi1920/H-M-Recommendation-System

Develop personalized product recommendations for H&M's users using transaction history, customer data, and product metadata (including text descriptions) to enhance shopping experience and sustainability.

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

changhyeonnam/NCF

Neural Collaborative Filtering with MovieLens in pytorch

Language: Python - Size: 182 MB - Last synced at: 22 days ago - Pushed at: about 3 years ago - Stars: 13 - Forks: 1

david-cortes/cmfrec

(Python, R, C) Collective (multi-view/multi-way) matrix factorization, including cold-start functionality (recommender systems, imputation, dimensionality reduction)

Language: C - Size: 2.91 MB - Last synced at: 26 days ago - Pushed at: about 1 month ago - Stars: 120 - Forks: 33

LeeJiaYu99/Collaborative-Filtering-Algorithms-by-Surprise

A repo to explore various collaborative filtering algorithms in Surprise package by Scikit Python.

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

yihong-chen/neural-collaborative-filtering

pytorch version of neural collaborative filtering

Language: Jupyter Notebook - Size: 14 MB - Last synced at: about 1 month ago - Pushed at: 12 months ago - Stars: 501 - Forks: 158

CSFelix/recommendation-system

✨ Recommendation Systems Using Diverse Techniques ✨

Language: Jupyter Notebook - Size: 27.4 MB - Last synced at: 4 days ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

CSFelix/recommendation-system-mba-usp-esalq

✨ Recommendation Systems Using Diverse Techniques ✨

Language: Jupyter Notebook - Size: 8.36 MB - Last synced at: 9 days ago - Pushed at: 5 months ago - Stars: 2 - Forks: 0

xiangwang1223/neural_graph_collaborative_filtering

Neural Graph Collaborative Filtering, SIGIR2019

Language: Python - Size: 11.5 MB - Last synced at: 25 days ago - Pushed at: about 5 years ago - Stars: 827 - Forks: 271

amoussawi/recoder

Large scale training of factorization models for Collaborative Filtering with PyTorch

Language: Python - Size: 3.47 MB - Last synced at: 16 days ago - Pushed at: almost 2 years ago - Stars: 56 - Forks: 7

Sverlaan/collab2watch

A web tool that recommends movies for multiple parties by combining Letterboxd user profiles and applying collaborative filtering.

Language: JavaScript - Size: 13.2 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

exsandebest/next-basket-recommendation Fork of sokolcom/mts-teta-nbr

Next basket recommendation - Notebooks with different approaches

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

jash0803/financial-asset-recommendation

A hybrid financial asset recommendation system combining collaborative filtering, content-based methods, and questionnaire-driven risk profiling, for personalized investment suggestions.

Language: Python - Size: 11.1 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 1

MrHAM17/NLP_Powered_Book_Recommender

This is my Sem 7 NLP Lab Project . For complete details, kindly check below README File.

Language: Python - Size: 152 MB - Last synced at: 2 days ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

MrHAM17/Book_Recommendation_System_using_ML

This is my Sem 7 ML Lab Project. For complete details, kindly check the below README File.

Language: Python - Size: 151 MB - Last synced at: 2 days ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

vishal220703/Book-Recommender-System

A Flask-based book recommendation system that suggests similar books using collaborative filtering and precomputed similarity scores.

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

songwo-153/Springboot-Smart-Teaching-Recommendation-system

基于Springboot的智慧教学平台的系统设计与实现(智慧教学推荐系统),可以进行学习分析和个性化推荐,系统可以根据学生的学习行为和表现进行分析,生成学习分析报告。根据学生的学习情况和需求,系统可以提供个性化的学习推荐和建议,推荐适合的课程和教学资源推荐(根据用户点击量或浏览量推荐)。

Size: 9.13 MB - Last synced at: about 1 month ago - Pushed at: 7 months ago - Stars: 15 - Forks: 0

bogliosimone/similaripy

High-performance KNN similarity functions in Python, optimized for sparse matrices

Language: Python - Size: 707 KB - Last synced at: 19 days ago - Pushed at: about 2 months ago - Stars: 56 - Forks: 4

SSSxCCC/Recommender-System

A developing recommender system in tensorflow2. Algorithm: UserCF, ItemCF, LFM, SLIM, GMF, MLP, NeuMF, FM, DeepFM, MKR, RippleNet, KGCN and so on.

Language: Python - Size: 30.5 MB - Last synced at: about 2 months ago - Pushed at: about 4 years ago - Stars: 412 - Forks: 93

sdl60660/letterboxd_recommendations

Scraping publicly-accessible Letterboxd data and creating a movie recommendation model with it that can generate recommendations when provided with a Letterboxd username

Language: Python - Size: 6.58 GB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 305 - Forks: 25

FrienDotJava/anime-recommender-system

A recommendation system project implementing collaborative filtering

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

HanugaFathurC/book-recommendation-system-ml

An intelligent book recommendation system using machine learning. The system is built with Content-Based Filtering (TF-IDF + Cosine Similarity) and Collaborative Filtering (RecommenderNet with deep learning) to suggest personalized book recommendations.

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

threnjen/boardgamegeek

BoardGameGeek Recommender System is a start-to-finish project, from sourcing the data to a hybrid recommender system utilizing both content-based and collaborative filtering.

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

wubinzzu/NeuRec

Next RecSys Library

Language: Python - Size: 17.6 MB - Last synced at: 26 days ago - Pushed at: about 2 years ago - Stars: 1,057 - Forks: 220

anjanatiha/Movie-Recommendation-Engine-using-User-Based-Collaborative-Filtering

User Based Movie Recommendation System based on Collaborative Filtering Using Netflix Movie Dataset

Language: C++ - Size: 2.56 MB - Last synced at: 7 days ago - Pushed at: over 6 years ago - Stars: 12 - Forks: 6

sisinflab/elliot

Comprehensive and Rigorous Framework for Reproducible Recommender Systems Evaluation

Language: Python - Size: 78.4 MB - Last synced at: 27 days ago - Pushed at: 27 days ago - Stars: 288 - Forks: 51

zavarujs/EAFC-2025-Hybrid-Recommendation-System-

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

ZahirAhmadChaudhry/Recommendation_Systems_Kaggle

This repository documents our comprehensive approach to building an effective recommendation system for predicting customer repurchases on Carrefour's eCommerce platform. Starting with simple statistical methods and progressing to advanced neural network architectures, we've explored multiple approaches to tackle this recommendation challenge.

Language: Python - Size: 18 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

sreeraj-sudhakaran/Movie-Recommendation-Engine

A movie recommender system using item-based collaborative filtering with cosine similarity on the MovieLens 100k dataset. Includes visualizations, genre filtering via IMDb API, and movie summaries via Wikipedia API.

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

khanhnamle1994/movielens

4 different recommendation engines for the MovieLens dataset.

Language: Jupyter Notebook - Size: 41.9 MB - Last synced at: 23 days ago - Pushed at: almost 6 years ago - Stars: 436 - Forks: 186

towardsai/tutorials

AI-related tutorials. Access any of them for free → https://towardsai.net/editorial

Language: Jupyter Notebook - Size: 5.77 MB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 1,005 - Forks: 364

RedDotz20/news-content-recommender-system

📰 ArticleHorizon is a smart news article recommender webapp that helps users discover relevant and engaging content tailored to their interests.

Language: TypeScript - Size: 1.56 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 1 - Forks: 0

alunera-data/movielens-capstone

HarvardX Capstone: Collaborative filtering movie recommender system using R and Matrix Factorization

Language: HTML - Size: 643 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

Subrat1920/Book-Recommendation-System

The Book Recommendation System is designed to provide personalized book suggestions to users based on their preferences and past interactions. Using popular-based filtering and collaborative filtering, the system helps users discover books they may enjoy. The project follows a modular coding approach, making it scalable and maintainable.

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

jrzaurin/RecoTour

A tour through recommendation algorithms in python [IN PROGRESS]

Language: Jupyter Notebook - Size: 6.56 MB - Last synced at: 25 days ago - Pushed at: 6 months ago - Stars: 177 - Forks: 38

fuhailin/Memory-based-collaborative-filtering

高效的协同过滤算法实现——推荐系统

Language: Python - Size: 1.35 MB - Last synced at: about 2 months ago - Pushed at: almost 3 years ago - Stars: 51 - Forks: 23

henry-azer/book-recommendation-system

The book recommendation system is a web application developed using the Java Spring Boot framework and under it's the principles of software clean architecture. The system recommendations based on user-based collaborative filtering

Language: Java - Size: 236 KB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 18 - Forks: 2

dchobarkar/movie-recommender-python

Hands-on Movie Recommender in Python using MovieLens dataset.

Language: Python - Size: 844 KB - Last synced at: about 1 month ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

lakshya076/Cinematch

Movie Recommender (School Project)

Language: Python - Size: 3.61 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 3 - Forks: 0

zenogantner/MyMediaLite

recommender system library for the CLR (.NET)

Language: C# - Size: 29.2 MB - Last synced at: about 1 month ago - Pushed at: about 5 years ago - Stars: 506 - Forks: 190

Mohabdo21/HybridRec-ContextEnrichment

An advanced hybrid recommendation system that combines collaborative filtering and content-based filtering approaches, enhanced with temporal awareness and contextual personalization

Language: Python - Size: 2.49 MB - Last synced at: 26 days ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

hadush-negasi/recipe-recommender

A content and collaborative filtering-based recipe recommendation system built with Streamlit and Firebase

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

Related Keywords
collaborative-filtering 1,423 recommender-system 576 recommendation-system 345 machine-learning 328 python 292 content-based-recommendation 150 matrix-factorization 141 deep-learning 98 content-based-filtering 84 recommendation-engine 82 recommender-systems 81 data-science 79 movie-recommendation 74 cosine-similarity 66 python3 64 svd 63 flask 53 pytorch 51 spark 48 pandas 45 recommendation 44 tensorflow 42 jupyter-notebook 42 numpy 36 knn 36 movielens 35 movielens-dataset 33 graph-neural-networks 33 hybrid-recommender-system 31 recsys 30 django 30 neural-network 29 scikit-learn 28 recommendation-algorithms 28 user-based-recommendation 27 item-based-recommendation 25 machine-learning-algorithms 24 java 24 svd-matrix-factorisation 24 streamlit 23 pyspark 23 recommender 23 nlp 22 clustering 22 singular-value-decomposition 21 data-analysis 21 surprise 20 tf-idf 20 neural-collaborative-filtering 19 keras 19 sklearn 19 data-mining 19 logistic-regression 19 autoencoder 18 movie-recommendation-system 18 popularity-recommender 17 kmeans-clustering 17 neural-networks 17 artificial-intelligence 17 html 17 surprise-python 16 alternating-least-squares 16 exploratory-data-analysis 16 information-retrieval 16 pearson-correlation 16 big-data 16 content-filtering 15 als 15 apache-spark 15 mysql 15 r 14 book-recomendation 14 surprise-library 14 anime 13 nlp-machine-learning 13 css 13 natural-language-processing 13 flask-application 12 factorization-machines 12 music 12 mongodb 12 julia 12 self-supervised-learning 12 classification 12 javascript 12 latent-factor-model 11 knn-algorithm 11 streamlit-webapp 11 data-visualization 11 reccomendersystem 11 implicit-feedback 11 knn-classification 11 linear-regression 11 pca 10 eda 10 matplotlib 10 reactjs 10 top-n-recommendations 10 ml 10 ranking-algorithm 10