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

GitHub topics: alternating-least-squares

giobbu/neural-MF

Neural Matrix Factorizaton for missing data imputation

Language: Python - Size: 16.6 KB - Last synced at: about 8 hours ago - Pushed at: about 9 hours ago - Stars: 0 - 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: 7 days ago - Pushed at: 7 days ago - Stars: 0 - Forks: 0

snowch/movie-recommender-demo

This project walks through how you can create recommendations using Apache Spark machine learning. There are a number of jupyter notebooks that you can run on IBM Data Science Experience, and there a live demo of a movie recommendation web application you can interact with. The demo also uses IBM Message Hub (kafka) to push application events to topic where they are consumed by a spark streaming job running on IBM BigInsights (hadoop).

Language: Jupyter Notebook - Size: 28.5 MB - Last synced at: 26 days ago - Pushed at: about 2 years ago - Stars: 99 - Forks: 56

shib1111111/SereneSounds

SereneSounds is a sophisticated music curation web app that leverages various recommendation techniques to provide users with diverse and personalized music suggestions.

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

Bwhiz/Recommender-System-ALS

This repository contains the code and resources for building a personalized movie recommendation system using matrix factorization, incorporating both latent factors and bias terms.

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

huspark/nonnegative-matrix-factorization

A python program that applies a choice of nonnegative matrix factorization (NMF) algorithms to a dataset for clustering.

Language: Python - Size: 19.4 MB - Last synced at: 4 days ago - Pushed at: almost 6 years ago - Stars: 13 - Forks: 2

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: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

pathak-ashutosh/spark-movie-recommendation

A movie recommendation system on MovieLens 25M dataset using Python and Apache Spark

Language: Python - Size: 19.5 KB - Last synced at: 2 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

asenacak/recommenderSystems-SteamVideoGames

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

ruivieira/python-als

A pure Python implementation of Alternating Least Squares (ALS)

Language: Python - Size: 9.77 KB - Last synced at: 2 months ago - Pushed at: about 6 years ago - Stars: 4 - Forks: 0

gasevi/pyreclab

pyRecLab is a library for quickly testing and prototyping of traditional recommender system methods, such as User KNN, Item KNN and FunkSVD Collaborative Filtering. It is developed and maintained by Gabriel Sepúlveda and Vicente Domínguez, advised by Prof. Denis Parra, all of them in Computer Science Department at PUC Chile, IA Lab and SocVis Lab.

Language: C++ - Size: 1.8 MB - Last synced at: 29 days ago - Pushed at: over 4 years ago - Stars: 122 - Forks: 28

enstit/Steflix

Recommender System project that uses Weighted Matrix Factorisation to learn user and items embeddings from a (sparse) feedbacks matrix, and uses them to perform user-specific suggestions

Language: Python - Size: 1.3 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

Cyber-Var/RecommenderSystemALS

Alternating Least Squares (ALS) recommender system

Language: Python - Size: 15.6 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

VQHieu1012/Book-Recommendation-PySpark

Using PySpark Mlib and ALS model to create book recommendation

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

chanddu/Movie-Recommender-System

Recommender System (Java, Apache Spark)

Language: Java - Size: 5.86 KB - Last synced at: about 1 year ago - Pushed at: almost 7 years ago - Stars: 8 - Forks: 3

GwenMailland/Movies_recommendations

Movies suggestions using ALS (inspired Netflix Challenge)

Language: Python - Size: 61.8 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

S-Omkar-K/pyspark-projects

NLP + Classical ML projects(Regression analysis, Classification models etc)

Language: Jupyter Notebook - Size: 125 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

jwliao1209/softImpute-ALS

A MATLAB implementation of "Matrix Completion and Low-Rank SVD via Fast Alternating Least Squares".

Language: MATLAB - Size: 954 KB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Salmaishak/RecommendationModel

Python scripts that implement collaborative filtering using Matrix Factorization with Alternating Least Squares (MF-ALS) for hotels and restaurants, Restricted Boltzmann Machines (RBM) for attractions, and content-based filtering using cosine similarity for the "More Like This" feature.

Language: Python - Size: 9.32 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 3 - Forks: 2

AndrewDettor/Cryptocurrency-Recommender-System Fork of barixie/Token_recommendation

ETL pipeline and Machine Learning model for recommending cryptocurrencies

Language: Python - Size: 94.7 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

ManishaLagisetty/Travel-Recommendation-System

Machine Learning, Python

Language: Jupyter Notebook - Size: 10.3 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

amitkumarusc/recommendation-system

A movie recommendation system trained on the MovieLens 20 Million dataset. This system makes use of Collaborative filtering methods to come up with recommendations for a particular user.

Language: Jupyter Notebook - Size: 21.8 MB - Last synced at: about 1 year ago - Pushed at: over 5 years ago - Stars: 13 - Forks: 3

muatik/openmp-examples

openmp examples

Language: C++ - Size: 16.6 KB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 120 - Forks: 29

askmrsinh/kibitzer

Media Recommendations Using Big Data Analytics.

Language: Scala - Size: 35.3 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

Pandaxubo/ALS_ScalaTion

Implementation of Alternating Least Squares Algorithm(Implicit Data) by ScalaTion

Language: Scala - Size: 84.9 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 1

MatteoFasulo/H-M-Recommendations

H&M Personalized Fashion Recommendations: an Implicit ALS Product Recommendations System

Language: Jupyter Notebook - Size: 336 KB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 1

stefanpantic/als-recommender

Recommendation system using alternating least squares method

Language: Python - Size: 34.2 KB - Last synced at: 3 months ago - Pushed at: almost 5 years ago - Stars: 3 - Forks: 1

mrparth23/CSE523-Machine-Learning-SSSR

CSE523 Machine Learning SSSR repository contains a movie recommendation system using KNN, ALS, and SVD algorithm.

Language: Jupyter Notebook - Size: 12.2 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 3

akarsh3007/Recommendation-Systems

Simple Content based and Collaborative Filtering Algorithms implementaion

Language: Python - Size: 1.36 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

zuzannna/GardeningRecommendations

🤔 ✍️ Simple user-user recommendation system for gardening supplies to explain collaborative filtering and practice using Spark on Amazon product dataset 🌳 🌿

Language: Jupyter Notebook - Size: 208 KB - Last synced at: almost 2 years ago - Pushed at: about 8 years ago - Stars: 2 - Forks: 1

Cheng-Lin-Li/Spark

There are Python 2.7 codes and learning notes for Spark 2.1.1

Language: Python - Size: 2.62 MB - Last synced at: about 1 month ago - Pushed at: over 6 years ago - Stars: 24 - Forks: 6

SalmaOuardi/Recommendation-Sys-with-PySpark

Training an ALS (Alternating Least Squares) recommendation model on the MovieLens 100k dataset

Language: Jupyter Notebook - Size: 5.86 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

francescoperessini/Recommender-System-PoliMi-2019

Recommender System 2019 Challenge PoliMi

Language: Python - Size: 315 MB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

huzaifakhan04/amazon-product-recommendation-system-web-application-flask-using-mongodb-pyspark-and-apache-kafka

This repository includes a web application connected to a product recommendation system developed with the comprehensive Amazon Review Data (2018) dataset, consisting of nearly 233.1 million records and occupying approximately 128 gigabytes (GB) of data storage, using MongoDB, PySpark, and Apache Kafka.

Language: Jupyter Notebook - Size: 91 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

zhengyangb/music-recsys

🎵 Utilized the Spark engine to build and evaluate a music recommender system and accelerated query search from utilizing spatial data structure by using the Annoy

Language: Python - Size: 11.9 MB - Last synced at: about 1 year ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 1

HegdeChaitra/Yelp-Recommendation-System

Recommend Restaurants to User based on the ratings given by them to the restaurants

Language: Jupyter Notebook - Size: 2.23 MB - Last synced at: 11 months ago - Pushed at: almost 7 years ago - Stars: 19 - Forks: 7

CZboop/Music-Recommender-

Full stack machine learning music recommendation app using ALS collaborative filtering, built using Flask and PySpark

Language: Python - Size: 3.79 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

michael-halim/testing-hosting-skripsi

🎓 Final Project for Completing Bachelor Degree in Petra Christian University. Create Hybrid Recommender System for Interior Products and its Services using Data Implicit Feedback

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

CassandraDurr/recommender_systems

Recommender systems on MovieLens data using explicit ratings, and curated implicit feedback data.

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

michael-halim/big-data-netflix

🎥👨‍🔬 Big Data Final Project to create Recommendation System using Alternating Least Squares. This Recommendation uses explicit data such as rating as input to methods

Language: Jupyter Notebook - Size: 37.1 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 3 - Forks: 2

hildar/RecSys-Retail

Recommender system in retail

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

liyouzhang/Recommendation_System_for_Movies

Recommend movies based on users' ratings, users' features and movie features

Language: Jupyter Notebook - Size: 233 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

teomotun/Spark-Music-Recommender

Music Recommender System using Apache Spark: A highly scalable system, implemented using collaborative filtering technique for implicit feedback dataset using the Alternating Least Square algorithm in Python and Spark.

Language: Jupyter Notebook - Size: 607 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 1

moebg/retailbox

🛍️RetailBox - eCommerce Recommender System using Machine Learning

Language: Python - Size: 26.8 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 32 - Forks: 22

hiroyuki-kasai/HybridPrecodingOpt

Optimization algorithms for hybrid precoding in mmWave MIMO systems: Version 1.1.0

Language: MATLAB - Size: 938 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 57 - Forks: 30

KennethBenicio/MSc-Multilinear-Algebra

Collection of basic and advanced Tensor Algebra operations using Matlab and Python.

Language: Jupyter Notebook - Size: 16.2 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 5 - Forks: 1

petartushev/Mining-massive-datasets

Homework repository for the 2022/23 course Mining massive datasets @FINKI

Language: Scala - Size: 13.5 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

JunsolKim/explicit_als

ALS algorithms for "explicit feedbacks"

Language: Jupyter Notebook - Size: 23.4 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

nghiamvt/food-hunters

A Restaurant Recommendation App using React Native, Apache Spark, and ALS Algorithm

Language: JavaScript - Size: 21.1 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

ravichoudharyds/Pyspark_Recommendation_System

Recommendation System using MLlib and ML libraries on Pyspark

Language: Python - Size: 137 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 4 - Forks: 1

SamueleMeta/recommender-systems

Repository for the Recommender Systems Challenge 2020/2021 @ PoliMi

Language: Python - Size: 7.25 MB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 9 - Forks: 4

friturier/java-als

A Java implementation of Alternating Least Squares (ALS).

Language: Java - Size: 104 KB - Last synced at: 5 months ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 3

RodniO/multiplication-tensor-approximation

Algorithm for finding discrete approximations of small multiplication tensors.

Language: Fortran - Size: 315 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

LinjianMa/pairwise-perturbation

Pairwise Perturbation: an efficient numerical algorithm for alternating least squares in tensor decompositions

Language: C++ - Size: 2.19 MB - Last synced at: 7 months ago - Pushed at: almost 5 years ago - Stars: 4 - Forks: 2

jkerai1/Scalable-Machine-Learning-using-PySpark

This project looked at scalable machine learning for a movie recomemdantion set utilising ALS (alternative least squares) A NASA data set was used as a familiarisation to pySpark. The data was plotted using matplotlib.

Language: Python - Size: 1.08 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

StivenMetaj/Recommender_Systems_Challenge_2020 Fork of SamueleMeta/recommender-systems

Repository for the Recommender Systems Challenge 2020/2021 @ PoliMi

Language: Python - Size: 7.43 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 0

ruivieira/spark-als-streaming

A streaming BSGD ALS implementation for Apache Spark

Language: Scala - Size: 7.81 KB - Last synced at: 5 months ago - Pushed at: almost 7 years ago - Stars: 3 - Forks: 1

ruivieira/workshop-recommendation-engines

Language: Jupyter Notebook - Size: 1.71 MB - Last synced at: 5 months ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 3

costingh/Movie-recommendation-system-ML

A Machine Learning project that predicts how much a user would enjoy a movie based on its previous ratings given to watched movies.

Language: MATLAB - Size: 1.41 MB - Last synced at: about 2 months ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

NickLucche/matrix-completion

Matrix factorization for collaborative filtering using ALS specifically optimized for rank-1 approximation.

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

sujeongcha/Scalable-book-recommender-system

Scalable Book Recommender System - Apache Spark ML Lib

Language: Python - Size: 471 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

mdh266/NumLinearAlegebra4ML

Numerical Linear Algebra In Machine Learning

Language: Jupyter Notebook - Size: 3.52 MB - Last synced at: about 2 months ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 1

florianmorath/Computational-Intelligence-Lab

Computational Intelligence Lab project at ETH Zurich.

Language: Jupyter Notebook - Size: 247 MB - Last synced at: almost 2 years ago - Pushed at: about 6 years ago - Stars: 4 - Forks: 1

rmislam/movie-recommendation-in-julia

Matrix factorization using alternating least squares for movie recommendation

Language: Julia - Size: 5.5 MB - Last synced at: 3 months ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0

artemvang/subreddit2vec

Language: Jupyter Notebook - Size: 28.3 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

taylorhawks/videogame-recommender

ALS matrix factorization with PySpark

Language: Jupyter Notebook - Size: 68.4 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 3 - Forks: 0

gaelblanchard/anime_recommendation_engine

An anime recommendation engine that allows us to recommend anime based on a given anime title or a given user using Pyspark

Language: Python - Size: 8.79 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

sar516/Repeating-Alternating-Least-Squares

This is a repository containing a copy of a project I made for a course from NYU. It contains code and a report describing a modification of the matrix factorization method Alternating Least squares.

Language: Python - Size: 4.55 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

chen0040/spark-ml-recommender

Package provides java implementation of big-data recommend-er using Apache Spark

Language: Java - Size: 120 KB - Last synced at: about 2 months ago - Pushed at: almost 8 years ago - Stars: 0 - Forks: 4

SimonCW/recommender-for-github-repos

initial fork from

Language: Jupyter Notebook - Size: 6.84 KB - Last synced at: about 2 months ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 0

Related Keywords
alternating-least-squares 70 recommender-system 27 matrix-factorization 21 collaborative-filtering 16 machine-learning 16 recommendation-system 15 python 14 spark 12 pyspark 11 apache-spark 9 als 9 recommendation-engine 8 cosine-similarity 7 jupyter-notebook 6 content-based-recommendation 4 implicit-feedback 4 svd 4 hybrid-recommender-system 4 scala 4 movielens-dataset 3 big-data 3 singular-value-decomposition 3 spark-mllib 3 user-collaborative-filtering 3 slim 3 rp3beta 3 polimi 3 bayesian-optimization 3 stochastic-gradient-descent 3 item-collaborative-filtering 3 elasticnet 3 recommender 2 spark-ml 2 matlab 2 pyspark-mllib 2 implicit-feedbacks 2 recommender-systems 2 final-project 2 nlp 2 jaccard-similarity 2 docker 2 content-based-filtering 2 matplotlib 2 implicit 2 machine-learning-algorithms 2 flask 2 movie-recommendation 2 apriori-algorithm 2 kmeans-clustering 2 python-flask-application 2 tf-idf 2 least-squares 2 missing-data 2 spark-streaming 2 lightgbm 1 numpy 1 pandas 1 ecommerce 1 exploratory-data-analysis 1 manifold 1 manifold-optimization 1 mimo 1 mimo-ofdm-matlab 1 mmwave 1 mmwave-5g-networks 1 omp 1 optimization 1 optimization-algorithms 1 precoding 1 cpd 1 folding 1 khatri-rao 1 kronecker-product 1 mathematics 1 multilinear-algebra 1 multilinear-svd 1 weighted-matrix-factorization 1 mongodb 1 nosql 1 product-recommendations 1 product-recommender-system 1 product-reviews 1 statistical-inference 1 supervised-learning 1 web-application 1 annoy 1 biginsights 1 yelp 1 yelp-recommender-system 1 tfidf-vectorizer 1 recommendation-algorithms 1 8th-semester 1 knn-classifier 1 scraping-websites 1 weighted-matrix 1 ab-testing 1 bayesian-personalized-ranking 1 6th-semester 1 films-reviews 1 netflix-prize 1