LightFM alternatives and similar packages
Based on the "Machine Learning" category.
Alternatively, view LightFM alternatives based on common mentions on social networks and blogs.
-
tensorflow
An Open Source Machine Learning Framework for Everyone -
gym
A toolkit for developing and comparing reinforcement learning algorithms. -
xgboost
Scalable, Portable and Distributed Gradient Boosting (GBDT, GBRT or GBM) Library, for Python, R, Java, Scala, C++ and more. Runs on single machine, Hadoop, Spark, Dask, Flink and DataFlow -
CNTK
Microsoft Cognitive Toolkit (CNTK), an open source deep-learning toolkit -
PaddlePaddle
PArallel Distributed Deep LEarning: Machine Learning Framework from Industrial Practice (『飞桨』核心框架,深度学习&机器学习高性能单机、分布式训练和跨平台部署) -
Prophet
Tool for producing high quality forecasts for time series data that has multiple seasonality with linear or non-linear growth. -
MindsDB
MindsDB is a Server for Artificial Intelligence Logic. Enabling developers to ship AI powered projects to production in a fast and scalable way. -
TFLearn
Deep learning library featuring a higher-level API for TensorFlow. -
H2O
H2O is an Open Source, Distributed, Fast & Scalable Machine Learning Platform: Deep Learning, Gradient Boosting (GBM) & XGBoost, Random Forest, Generalized Linear Modeling (GLM with Elastic Net), K-Means, PCA, Generalized Additive Models (GAM), RuleFit, Support Vector Machine (SVM), Stacked Ensembles, Automatic Machine Learning (AutoML), etc. -
NuPIC
Numenta Platform for Intelligent Computing is an implementation of Hierarchical Temporal Memory (HTM), a theory of intelligence based strictly on the neuroscience of the neocortex. -
Surprise
A Python scikit for building and analyzing recommender systems -
Pylearn2
Warning: This project does not have any current developer. See bellow. -
skflow
Simplified interface for TensorFlow (mimicking Scikit Learn) for Deep Learning -
Sacred
Sacred is a tool to help you configure, organize, log and reproduce experiments developed at IDSIA. -
Clairvoyant
Software designed to identify and monitor social/historical cues for short term stock movement -
python-recsys
A python library for implementing a recommender system -
Metrics
Machine learning evaluation metrics, implemented in Python, R, Haskell, and MATLAB / Octave -
awesome-embedding-models
A curated list of awesome embedding models tutorials, projects and communities. -
karateclub
Karate Club: An API Oriented Open-source Python Framework for Unsupervised Learning on Graphs (CIKM 2020) -
Crab
Crab is a flexible, fast recommender engine for Python that integrates classic information filtering recommendation algorithms in the world of scientific Python packages (numpy, scipy, matplotlib). -
adaptive
:chart_with_upwards_trend: Adaptive: parallel active learning of mathematical functions -
seqeval
A Python framework for sequence labeling evaluation(named-entity recognition, pos tagging, etc...) -
TrueSkill, the video game rating system
An implementation of the TrueSkill rating system for Python -
rwa
Machine Learning on Sequential Data Using a Recurrent Weighted Average -
SciKit-Learn Laboratory
SciKit-Learn Laboratory (SKLL) makes it easy to run machine learning experiments. -
Feature Forge
A set of tools for creating and testing machine learning features, with a scikit-learn compatible API -
Data Flow Facilitator for Machine Learning (dffml)
The easiest way to use Machine Learning. Mix and match underlying ML libraries and data set sources. Generate new datasets or modify existing ones with ease. -
brew
Multiple Classifier Systems and Ensemble Learning Library in Python. -
Xorbits
Scalable Python data science, in an API compatible & lightning fast way. -
bodywork
ML pipeline orchestration and model deployments on Kubernetes, made really easy. -
MLP Classifier
A handwritten multilayer perceptron classifer using numpy. -
OptaPy
OptaPy is an AI constraint solver for Python to optimize planning and scheduling problems. -
omega-ml
MLOps simplified. From ML Pipeline ⇨ Data Product without the hassle -
ChaiPy
A developer interface for creating advanced chatbots for the Chai app. -
neptune-contrib
This library is a location of the LegacyLogger for PyTorch Lightning. -
tfgraphviz
A visualization tool to show a TensorFlow's graph like TensorBoard
Write Clean Python Code. Always.
* Code Quality Rankings and insights are calculated and provided by Lumnify.
They vary from L1 to L5 with "L5" being the highest.
Do you think we are missing an alternative of LightFM or a related project?
Popular Comparisons
README
LightFM
[LightFM logo](lightfm.png)
Build status | |
---|---|
Linux | |
OSX (OpenMP disabled) | |
Windows (OpenMP disabled) |
LightFM is a Python implementation of a number of popular recommendation algorithms for both implicit and explicit feedback, including efficient implementation of BPR and WARP ranking losses. It's easy to use, fast (via multithreaded model estimation), and produces high quality results.
It also makes it possible to incorporate both item and user metadata into the traditional matrix factorization algorithms. It represents each user and item as the sum of the latent representations of their features, thus allowing recommendations to generalise to new items (via item features) and to new users (via user features).
For more details, see the Documentation.
Need help? Contact me via email, Twitter, or Gitter.
Installation
Install from pip
:
pip install lightfm
or Conda:
conda install -c conda-forge lightfm
Quickstart
Fitting an implicit feedback model on the MovieLens 100k dataset is very easy:
from lightfm import LightFM
from lightfm.datasets import fetch_movielens
from lightfm.evaluation import precision_at_k
# Load the MovieLens 100k dataset. Only five
# star ratings are treated as positive.
data = fetch_movielens(min_rating=5.0)
# Instantiate and train the model
model = LightFM(loss='warp')
model.fit(data['train'], epochs=30, num_threads=2)
# Evaluate the trained model
test_precision = precision_at_k(model, data['test'], k=5).mean()
Articles and tutorials on using LightFM
- Learning to Rank Sketchfab Models with LightFM
- Metadata Embeddings for User and Item Cold-start Recommendations
- Recommendation Systems - Learn Python for Data Science
- Using LightFM to Recommend Projects to Consultants
How to cite
Please cite LightFM if it helps your research. You can use the following BibTeX entry:
@inproceedings{DBLP:conf/recsys/Kula15,
author = {Maciej Kula},
editor = {Toine Bogers and
Marijn Koolen},
title = {Metadata Embeddings for User and Item Cold-start Recommendations},
booktitle = {Proceedings of the 2nd Workshop on New Trends on Content-Based Recommender
Systems co-located with 9th {ACM} Conference on Recommender Systems
(RecSys 2015), Vienna, Austria, September 16-20, 2015.},
series = {{CEUR} Workshop Proceedings},
volume = {1448},
pages = {14--21},
publisher = {CEUR-WS.org},
year = {2015},
url = {http://ceur-ws.org/Vol-1448/paper4.pdf},
}
Development
Pull requests are welcome. To install for development:
- Clone the repository:
git clone [email protected]:lyst/lightfm.git
- Setup a virtual environment:
cd lightfm && python3 -m venv venv && source ./venv/bin/activate
- Install it for development using pip:
pip install -e . && pip install -r test-requirements.txt
- You can run tests by running
./venv/bin/py.test tests
. - LightFM uses black to enforce code formatting, see
lint-requirements.txt
.
When making changes to the .pyx
extension files, you'll need to run python setup.py cythonize
in order to produce the extension .c
files before running pip install -e .
.