GitHub topics: collaborative-filtering
reczoo/RecBox
A box of core libraries for recommendation model development
Language: Python - Size: 4.32 MB - Last synced at: 2 months ago - Pushed at: 8 months ago - Stars: 91 - Forks: 19

loserChen/Awesome-Recommender-System
The collection of papers about recommender system
Size: 83 KB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 87 - Forks: 19

al-chris/Movie-Recommendation-System
Demonstration on different types of recommender systems
Language: Jupyter Notebook - Size: 17.5 MB - Last synced at: 3 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

giobbu/collaborative-data-imputation
Data imputation with collaborative filtering and latent factor models for wind farms time series data
Language: Python - Size: 2.36 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

bimarakajati/Anime-Recommender-System
This project analyzes anime recommendation data using two approaches: Content-Based Filtering with K-Nearest Neighbors (KNN) and Collaborative Filtering with the RecommenderNet model. Data is taken from the Anime Recommendations Database, and various techniques such as TF-IDF and Early Stopping are used to improve model accuracy.
Language: Jupyter Notebook - Size: 4.23 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

phpjuice/opencf
PHP implementation of the (Weighted Slopeone,Cosine, Weighted Cosine) rating-based collaborative filtering schemes.
Language: PHP - Size: 68.4 KB - Last synced at: 3 days ago - Pushed at: over 1 year ago - Stars: 96 - Forks: 7

abhipatel35/MovieMatcher-Movie-Recommender-System
A robust movie recommendation system using the MovieLens dataset, employing Collaborative Filtering, Matrix Factorization, and Hybrid Models to enhance recommendation accuracy and diversity.
Language: Jupyter Notebook - Size: 776 KB - Last synced at: 3 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

cydonia999/variational-autoencoders-for-collaborative-filtering-pytorch
Implementation of variational autoencoders for collaborative filtering in PyTorch
Language: Python - Size: 28.3 KB - Last synced at: 17 days ago - Pushed at: about 6 years ago - Stars: 25 - Forks: 4

canburaks/pixly-app
It is a Django/Graphene based movie recommendation engine that compares a person's rating of a movie with that of 40.000 others within a minute and calculates a score based on the comparison.
Language: JavaScript - Size: 327 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

MattE34/Amazon-Recommendation-System
Item-to-item based recommendation system project using Amazon product data, combining matrix factorization (SVD) and collaborative filtering to predict user ratings and generate top recommendations. To evaluate and optimize the model's accuracy, the following performance metrics were explored: MAE, RMSE, precision, recall, F-measure, and NDCG.
Language: Jupyter Notebook - Size: 14.4 MB - Last synced at: 4 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

ashwinhprasad/Anime-Recommender-System
Anime Recommender System with various recommender system algorithms implemented in python
Language: Jupyter Notebook - Size: 475 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

mberrien-fitzsimons/recipe_recommendation_system
A project using machine learning to recommend new menu items based on foods the user already loves.
Language: Jupyter Notebook - Size: 74.3 MB - Last synced at: 6 months ago - Pushed at: over 2 years ago - Stars: 15 - Forks: 6

priyansh-iitd26/Collaborative_Filtering_Book_Recommendation_System
A Collaborative Filtering-based book recommender system built using the book recommendation dataset on Kaggle. The trained model is deployed as a Flask web app. The web app features two main pages: a home page that displays the top 50 trending books and a recommendation page where users can input a book name to get 4 similar book recommendations.
Language: Jupyter Notebook - Size: 16.5 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

alejandro-yakovlev/cf-php
This library is a PHP implementation of the collaborative filtering (CF).
Language: PHP - Size: 34.2 KB - Last synced at: 25 days ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

Luvynn/NextFlick
A movie recommendation system utilizing Regularized Matrix Factorization without ML libraries on the MovieLens dataset. Provides personalized movie recommendations by discovering latent user-item interactions.
Language: Python - Size: 899 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

Salman-Khan-Mohammed/Movie-Recommendation-System
The "Movie Recommendation System" project involves developing and comparing two models: a Hybrid Recommender that combines user data, movie details, genres, and sentiment analysis, and a Matrix Factorization Model that predicts user preferences based on user-item interactions. The aim is to determine which model offers more accurate movie recommend
Language: Jupyter Notebook - Size: 72.6 MB - Last synced at: 3 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 1

HKUDS/RecLM
"RecLM: Recommendation Instruction Tuning"
Language: Python - Size: 212 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 19 - Forks: 1

Ujjwal-Jaiswal-UJ/Personalized-Book-Recommendations-with-Cosine-Similarity
The Book Recommendation System is designed to assist users in discovering books that align with their personal interests and reading habits. This system aims to address the challenge of information overload. The combination of a robust recommendation engine and an intuitive user interface ensures that users have a seamless experience.
Language: HTML - Size: 15.7 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

myahninsi/customer-segmentation-recommendation-ml
This project addressed challenges in understanding customer behavior and personalizing shopping experiences for an e-commerce platform. Developed ML solutions including K-Means clustering for segmentation, Random Forest regression for CLV prediction, and collaborative filtering for product recommendations.
Language: Jupyter Notebook - Size: 813 KB - Last synced at: 10 days ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

nitya123-github/A-Recommendation-system
A Cloud Based Personalised Recommendation System for movies and books.
Language: HTML - Size: 1.81 MB - Last synced at: 24 days ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 0

pprattis/Recommendation-System-for-Android-Java-App-that-finds-an-ideal-destination-with-the-kNN-Algorithm
This project is an Android mobile application, written in Java programming language and implements a Recommender System using the k-Nearest Neighbors Algorithm. In this way the algorithm predicts the possible ratings of the users according to scores that have already been submitted to the system.
Language: Java - Size: 122 KB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 8 - Forks: 3

takuti/Recommendation.jl
Building recommender systems in Julia
Language: TeX - Size: 3.12 MB - Last synced at: 8 days ago - Pushed at: almost 2 years ago - Stars: 49 - Forks: 10

RUCAIBox/RecBole-GNN
Efficient and extensible GNNs enhanced recommender library based on RecBole.
Language: Python - Size: 1020 KB - Last synced at: 6 months ago - Pushed at: over 1 year ago - Stars: 173 - Forks: 40

abhinavsaurabh/Restaurant-Recommendation
This project develops a Restaurant Recommendation System utilizing collaborative filtering algorithms, including Alternating Least Squares (ALS), Singular Value Decomposition (SVD), and Stochastic Gradient Descent (SGD).
Language: Jupyter Notebook - Size: 955 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 2 - Forks: 0

locngoduc/foodie-recommendation-system
🍽️ A Flask-based backend for personalized dish and restaurant recommendations using collaborative filtering. Built with Python, PostgreSQL, and Docker. 🚀
Language: Python - Size: 11.7 KB - Last synced at: 3 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

AmazingDD/daisyRec
Official code for "DaisyRec 2.0: Benchmarking Recommendation for Rigorous Evaluation" (TPAMI2022) and "Are We Evaluating Rigorously? Benchmarking Recommendation for Reproducible Evaluation and Fair Comparison" (RecSys2020)
Language: Python - Size: 12.8 MB - Last synced at: 6 months ago - Pushed at: 11 months ago - Stars: 551 - Forks: 84

RandomKiddo/BookRecommendationAI
AI recommendation system on Goodreads dataset including BERT sentiment analysis and collaborative filtering.
Language: HTML - Size: 0 Bytes - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

santteegt/ucl-drl-msc
Learning to Recommend using a Deep Reinforcement Agent
Language: Jupyter Notebook - Size: 6.95 MB - Last synced at: 3 months ago - Pushed at: about 8 years ago - Stars: 23 - Forks: 7

Chinmayrane16/Recommender-Systems-with-Collaborative-Filtering-and-Deep-Learning-Techniques
Implemented User Based and Item based Recommendation System along with state of the art Deep Learning Techniques
Language: Jupyter Notebook - Size: 1.52 MB - Last synced at: 3 months ago - Pushed at: almost 5 years ago - Stars: 62 - Forks: 20

iamdebasishdas123/Hybrid_Recommendation_System
This project implements a Recommendation System using data ingestion, preprocessing, and recommendation generation workflows.
Language: Jupyter Notebook - Size: 31.3 KB - Last synced at: 4 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

datkanber/hybrid-recommender
A hybrid recommendation system combining user-based and item-based collaborative filtering to generate personalized movie recommendations using the MovieLens dataset.
Language: Jupyter Notebook - Size: 7.81 KB - Last synced at: 13 days ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

MNitin-Reddy/Collaborative-Filtering-based-Recommendation-System
This project is a Book Recommendation System that uses two main approaches: Popularity-Based and Collaborative Filtering. It recommends top books based on their rating frequency and average ratings, and also provides personalized book suggestions by analyzing user interactions.
Language: Jupyter Notebook - Size: 40.8 MB - Last synced at: 3 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

ChoukriLach/Movie-Recommendation-Systems
Build movie recommender systems with a collaborative filtering approach and a content-based deep learning method
Language: Jupyter Notebook - Size: 3.07 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0

yuvraj-solanki-2406/movie-recommandation
Movie Recommendation System with Flask based web application with social connection setup
Language: HTML - Size: 14.2 MB - Last synced at: 3 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

ashkan-khd/recommender-systems
A series of recommender systems projects for DATA.ML.360-2024-2025-1 Recommender Systems at Tampere University
Language: Jupyter Notebook - Size: 3.19 MB - Last synced at: 3 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

TrueCodee/Book-Recommendation-System
A machine learning project to develop a robust Book Recommendation System using collaborative filtering and hybrid approaches. The system predicts user ratings and provides personalized book recommendations, evaluated with metrics like RMSE, Precision, Recall, and F1 Score
Language: Jupyter Notebook - Size: 12.2 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

SathvikNayak123/RecSys-with-pysaprk
Built Content and Collaborative filtering based Recommendation system. Utilized PySpark to handle datasets with 3 Million+ entires.
Language: Jupyter Notebook - Size: 10.7 KB - Last synced at: 3 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

AxelSeanCP/Anime-Recommender-System
A Project from Dicoding's Machine Learning Expert Class. Recommender System for Anime using Content-Based Filtering and Collaborative Filtering
Language: Jupyter Notebook - Size: 776 KB - Last synced at: 3 months ago - Pushed at: 8 months ago - Stars: 2 - Forks: 0

gerinsp/Movie-Recommendation-System
Developed a Movie Recommendation System using content-based filtering and collaborative filtering to suggest personalized movie recommendations.
Language: Jupyter Notebook - Size: 299 KB - Last synced at: 3 months ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0

HKUDS/RLMRec
[WWW'2024] "RLMRec: Representation Learning with Large Language Models for Recommendation"
Language: Python - Size: 451 MB - Last synced at: 7 months ago - Pushed at: 12 months ago - Stars: 346 - Forks: 44

makgyver/rectorch
rectorch is a pytorch-based framework for state-of-the-art top-N recommendation
Language: Python - Size: 3.25 MB - Last synced at: 8 days ago - Pushed at: over 4 years ago - Stars: 151 - Forks: 19

chinmayjainnnn/collaborative-filtering
Collaborative Filtering using SVD, CUR, and PQ Matrix Decomposition
Language: Python - Size: 41 KB - Last synced at: about 15 hours ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

alexchans/Recommendation_System_The_Social_Panacea
SMU Senior Design Project for Fall 2024: Developed a recommendation system model leveraging collaborative filtering and implemented a FastAPI-based server to host the model.
Language: Python - Size: 13.7 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 1

jnopareboateng/Lhydra_rs
Journey detailing Lhydra Hybrid Music Recommender System
Language: Jupyter Notebook - Size: 379 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

ziadmostafa1/Movie-Recommendation-System
Movie Recommendation System using collaborative and content-based filtering techniques. Implemented with Jupyter Notebooks and Python, this project combines multiple recommendation approaches for enhanced movie suggestions.
Language: Jupyter Notebook - Size: 138 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

joyel124/TF_PCD
Implementación de una red distribuida para un sistema de recomendaciones usando filtro colaborativo.
Language: TypeScript - Size: 582 KB - Last synced at: 3 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

dawenl/vae_cf
Variational autoencoders for collaborative filtering
Language: Jupyter Notebook - Size: 49.8 KB - Last synced at: 7 months ago - Pushed at: over 7 years ago - Stars: 530 - Forks: 157

OrF8/C_Ex_5
A repository for Ex 5 in course 67315 (Programming Workshop in C & C++) @ The Hebrew Universty of Jerusalem
Language: C++ - Size: 317 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

cihanyatbaz/Movie_Recomendation_System
Collaborative Filtering Based Movie Recommendation System
Language: Jupyter Notebook - Size: 14.5 MB - Last synced at: 26 days ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 4

hadoov/GHRS
GHRS: Graph-based hybrid recommendation system with application to movie recommendation
Language: Python - Size: 9.65 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 34 - Forks: 13

peelajanu/Case-Study--ML--Personalized-Stock-Investment-Advisor
The Personalized Stock Investment Advisor leverages machine learning to recommend stocks based on user preferences and market data, helping users make informed buy, hold, or sell decisions for optimized portfolios.
Size: 25.2 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

karan3691/social-media-recommender
provides personalized content recommendations for users based on their interactions, preferences, and browsing history.
Language: Python - Size: 7.81 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

HKUDS/DiffKG
[WSDM'2024 Oral] "DiffKG: Knowledge Graph Diffusion Model for Recommendation"
Language: Python - Size: 20.7 MB - Last synced at: 7 months ago - Pushed at: 8 months ago - Stars: 87 - Forks: 9

newlei/LR-GCCF
Revisiting Graph based Collaborative Filtering: A Linear Residual Graph Convolutional Network Approach, AAAI2020
Language: Python - Size: 43.4 MB - Last synced at: 7 months ago - Pushed at: almost 2 years ago - Stars: 110 - Forks: 26

HKUDS/HGCL
[WSDM'2023] "HGCL: Heterogeneous Graph Contrastive Learning for Recommendation"
Language: Python - Size: 33.7 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 92 - Forks: 11

daniel-lima-lopez/Collaborative-Filtering-in-Recomender-System
A kNN-based collaborative filtering applied to a movie recommender system
Language: Jupyter Notebook - Size: 1.7 MB - Last synced at: 3 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

psaris/funq
Source files for "Fun Q: A Functional Introduction to Machine Learning in Q"
Language: q - Size: 695 KB - Last synced at: 8 months ago - Pushed at: over 1 year ago - Stars: 136 - Forks: 51

soran-ghaderi/EfficientCoF
A new efficient subspace and K-Means clustering based method to improve Collaborative Filtering
Language: Python - Size: 968 KB - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 16 - Forks: 5

ashish493/MovieScout
Real Time movie recommendation system with prometheus monitoring
Language: Python - Size: 135 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

FoggySmile/RecSys
RecSys
Language: Jupyter Notebook - Size: 199 KB - Last synced at: about 1 month ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

mdh266/RecommenderSystems
Recommender Systems and Collaborative Filtering
Language: Jupyter Notebook - Size: 112 KB - Last synced at: 7 days ago - Pushed at: about 1 year ago - Stars: 18 - Forks: 5

khuangaf/tibame_recommender_system
TibaMe 「打造智能推薦系統:用AI搞懂客戶精準行銷」 實作課程程式碼
Language: Jupyter Notebook - Size: 777 KB - Last synced at: about 2 months ago - Pushed at: almost 5 years ago - Stars: 18 - Forks: 8

CRIPAC-DIG/DGCF
[ICDM 2020] Python implementation for "Dynamic Graph Collaborative Filtering."
Language: Python - Size: 334 KB - Last synced at: 7 months ago - Pushed at: about 1 year ago - Stars: 43 - Forks: 6

hongleizhang/RSPapers
A Curated List of Must-read Papers on Recommender System.
Size: 1.48 GB - Last synced at: 8 months ago - Pushed at: 10 months ago - Stars: 6,162 - Forks: 1,346

asenacak/recommenderSystems-SteamVideoGames
Language: Jupyter Notebook - Size: 1.65 MB - Last synced at: 2 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

TSonono/collaborative-filtering
Recommendation engine based on collaborative filtering
Language: JavaScript - Size: 127 KB - Last synced at: 3 days ago - Pushed at: over 2 years ago - Stars: 47 - Forks: 6

RECeSS-EU-Project/drug-repurposing-datasets
Drug Repurposing Datasets for Collaborative Filtering Methods. Notebooks and code to generate datasets for collaborative filtering-based drug repurposing.
Language: Jupyter Notebook - Size: 190 KB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

PEDROPERDO/MLMLMLMLM
Caesar : Movie Recommendation System
Language: Jupyter Notebook - Size: 64.5 KB - Last synced at: 7 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

Gourav052003/Collaborative-Filtering-Based-Book-Recommender-System-using-ML-and-Streamlit
This is a collaborative filtering based books recommender system & a streamlit web application that can recommend various kinds of similar books based on an user interest.
Language: Jupyter Notebook - Size: 1.4 MB - Last synced at: 3 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

somethin4nothing/Movie-Recommendation-System
A movie recommendation system
Language: Jupyter Notebook - Size: 394 KB - Last synced at: 4 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

coderjolly/news-recommender
This is a news recommender system that uses beautiful-soup to scrape news articles, their categories and descriptions to create a data dump. It then uses word embedding techniques such tf-idf, word2vec for content based news recommendation and LightRF, LightFM to explore hybrid and collaborative filtering based recommender models.
Language: Jupyter Notebook - Size: 1.48 MB - Last synced at: 3 months ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 1

FarHard112/Spider-V1-Game-Recommender-System
AI-powered game recommendation system using KNN and collaborative filtering, with Flask and C# APIs and an Angular frontend
Language: TypeScript - Size: 491 KB - Last synced at: 3 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

KelvinLu/krotos-convnet
musical snobbery, with a touch of machine learning
Language: Python - Size: 79.1 KB - Last synced at: 10 days ago - Pushed at: almost 9 years ago - Stars: 5 - Forks: 0

abdullahashfaqvirk/Book-Recommendation-System
A personalized book recommendation system that combines collaborative filtering and popularity-based methods, featuring an interactive HTML/CSS frontend and a Flask backend.
Language: Jupyter Notebook - Size: 17.4 MB - Last synced at: 3 months ago - Pushed at: 9 months ago - Stars: 3 - Forks: 0

Xernnn/Anime-Recommendation Fork of anminhtri/Anime-Recommendation
Introduction to Artificial Intelligent Midterm Project
Language: Jupyter Notebook - Size: 2.05 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

HKUDS/GraphAug
[ICDE'2024] "GraphAug: Graph Augmentation for Recommendation"
Language: Python - Size: 41.7 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 16 - Forks: 2

PaulaLC/netflix-app
A Movie Recommender App
Language: R - Size: 489 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

KayvanShah1/usc-dsci553-data-mining-sp24
USC DSCI 553 - Foundations & Applications of Data Mining - Spring 2024 - Prof. Wei-Min Shen
Language: Python - Size: 29.5 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

gabrycina/spotify-clone
A fully functional Spotify clone! 🎧
Language: JavaScript - Size: 14.4 MB - Last synced at: 7 months ago - Pushed at: almost 3 years ago - Stars: 7 - Forks: 2

EagerAI/fastai
R interface to fast.ai
Language: HTML - Size: 69 MB - Last synced at: about 1 month ago - Pushed at: 4 months ago - Stars: 118 - Forks: 13

ulyazmah/book-recommendation
An end-to-end data science project involving exploratory data analysis, machine learning modeling and web app deployment of book recommendation system.
Language: Jupyter Notebook - Size: 32.2 MB - Last synced at: 9 months ago - Pushed at: over 2 years ago - Stars: 9 - Forks: 6

Yukta026/book_recommender_system
I have created a book recommender system that recommends similar books to the reader based on his/her interest. This project shows results of collaborative and content-based filtering of the given dataset.
Language: Jupyter Notebook - Size: 39.9 MB - Last synced at: 4 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

codeasarjun/MovieMingle
Movie Recommendation System is a web application designed to provide personalized movie recommendations to users based on their input movie titles.
Language: Python - Size: 75.1 MB - Last synced at: 3 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

jeffyjames50/Research_lab
Replicate the original study titled "Bias and Unfairness of Collaborative Filtering Based Recommender Systems in MovieLens Dataset. ” to validate its findings on biases and fairness, focusing specifically on gender and age as primary demographic factors.
Language: Jupyter Notebook - Size: 9.18 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

rogersi9/GA360Recommender
Collaborative Filtering based on Google Analytics 360 data from BigQuery.
Language: HTML - Size: 839 KB - Last synced at: 10 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

GreatEpee/Book-Recommendation-System
Book Recommendation System
Language: Python - Size: 47.3 MB - Last synced at: 3 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

deepmancer/advanced-recommender-system
Advance information retrieval system that combines advanced indexing, machine learning, and personalized search to enhance academic research and document discovery.
Language: Jupyter Notebook - Size: 1.85 MB - Last synced at: 8 months ago - Pushed at: 10 months ago - Stars: 4 - Forks: 0

ananty1/movie_recommendation_tmdb_dataset
Language: JavaScript - Size: 3.01 MB - Last synced at: 3 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

AmirInt/colmix
Collaborative filtering via Gaussian Mixture Models. As part of the MITx course on machine learning with Python - from linear models to deep learning
Language: Python - Size: 3.18 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

s35lay/PMCF
"Adaptive Filter Attention for Multi-level Structure-Aware Graph Self-supervised Learning"
Language: Python - Size: 10.2 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

Md-Emon-Hasan/ML-Project-Book-Recommendation-System
📚 Book recommendation system that utilizes user-friendly collaborative filtering techniques to suggest personalized book recommendations.
Language: Jupyter Notebook - Size: 31.2 MB - Last synced at: 5 days ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

jeongwhanchoi/BSPM
Blurring-Sharpening Process Models for Collaborative Filtering, SIGIR'23
Language: Python - Size: 60.5 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 92 - Forks: 9

jeongwhanchoi/LT-OCF
LT-OCF: Learnable-Time ODE-based Collaborative Filtering, CIKM'21
Language: Python - Size: 57 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 34 - Forks: 11

gopikrsmscs/mycinepick-recommendation-system
MyCinePick is a user-specific movie recommendation system built using collaborative filtering techniques. This project aims to provide personalized movie suggestions tailored to each user's unique viewing preferences and habits.
Language: Jupyter Notebook - Size: 631 KB - Last synced at: 3 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

LaxmiChaudhary/Amzon-Product-Recommendation
Building Recommendation Model for the electronics products of Amazon
Language: Jupyter Notebook - Size: 53.7 KB - Last synced at: 9 months ago - Pushed at: over 5 years ago - Stars: 91 - Forks: 67

Jayita11/Book-Recommendation-System-ML
This project develops a Book Recommendation System using collaborative filtering with the Nearest Neighbors (NN) algorithm. The system recommends books by identifying similarities in a user-item matrix, suggesting titles that align with a user's preferences based on historical interactions.
Language: Jupyter Notebook - Size: 24.1 MB - Last synced at: 4 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

Aaryan015/AI-book-recommender-system
Hybrid recommender system - Collaborative filtering + Content based filtering (same as used by Netflix).
Language: Jupyter Notebook - Size: 6.16 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

ughrima/Book-Recommendation
A streamlit webapp that recommends books. Based on collaborative filtering.
Language: Jupyter Notebook - Size: 29.2 MB - Last synced at: 22 days ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

ramilchai/capstone
Capstone project for Flatiron
Language: Jupyter Notebook - Size: 34.6 MB - Last synced at: 11 months ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 0

unclebrod/YelpRecommender
The goal of this project was to build an explicit recommender system using collaborative filtering for restaurants in Charlotte using Yelp's Open Dataset. I wanted to explore the mechanics of recommendations systems, and explore a new library in Surprise.
Language: Jupyter Notebook - Size: 15.1 MB - Last synced at: 11 months ago - Pushed at: almost 5 years ago - Stars: 3 - Forks: 0
