All Projects → mims-harvard → Nimfa

mims-harvard / Nimfa

Licence: other
Nimfa: Nonnegative matrix factorization in Python

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Nimfa

Scikit Fusion
scikit-fusion: Data fusion via collective latent factor models
Stars: ✭ 103 (-76.59%)
Mutual labels:  embeddings, matrix-factorization
Cofactor
CoFactor: Regularizing Matrix Factorization with Item Co-occurrence
Stars: ✭ 160 (-63.64%)
Mutual labels:  embeddings, matrix-factorization
Awesome-Machine-Learning-Papers
📖Notes and remarks on Machine Learning related papers
Stars: ✭ 35 (-92.05%)
Mutual labels:  embeddings, matrix-factorization
Neural Collaborative Filtering
pytorch version of neural collaborative filtering
Stars: ✭ 263 (-40.23%)
Mutual labels:  matrix-factorization
Decagon
Graph convolutional neural network for multirelational link prediction
Stars: ✭ 268 (-39.09%)
Mutual labels:  embeddings
Smore
SMORe: Modularize Graph Embedding for Recommendation
Stars: ✭ 307 (-30.23%)
Mutual labels:  matrix-factorization
Lmdb Embeddings
Fast word vectors with little memory usage in Python
Stars: ✭ 404 (-8.18%)
Mutual labels:  embeddings
Hetu
A high-performance distributed deep learning system targeting large-scale and automated distributed training.
Stars: ✭ 78 (-82.27%)
Mutual labels:  embeddings
Lightfm
A Python implementation of LightFM, a hybrid recommendation algorithm.
Stars: ✭ 3,884 (+782.73%)
Mutual labels:  matrix-factorization
Cleora
Cleora AI is a general-purpose model for efficient, scalable learning of stable and inductive entity embeddings for heterogeneous relational data.
Stars: ✭ 303 (-31.14%)
Mutual labels:  embeddings
Paperlist For Recommender Systems
Recommender Systems Paperlist that I am interested in
Stars: ✭ 293 (-33.41%)
Mutual labels:  embeddings
Librec
LibRec: A Leading Java Library for Recommender Systems, see
Stars: ✭ 3,045 (+592.05%)
Mutual labels:  matrix-factorization
Vectorhub
Vector Hub - Library for easy discovery, and consumption of State-of-the-art models to turn data into vectors. (text2vec, image2vec, video2vec, graph2vec, bert, inception, etc)
Stars: ✭ 317 (-27.95%)
Mutual labels:  embeddings
Attentionwalk
A PyTorch Implementation of "Watch Your Step: Learning Node Embeddings via Graph Attention" (NeurIPS 2018).
Stars: ✭ 266 (-39.55%)
Mutual labels:  matrix-factorization
Fast sentence embeddings
Compute Sentence Embeddings Fast!
Stars: ✭ 384 (-12.73%)
Mutual labels:  embeddings
Hub
A library for transfer learning by reusing parts of TensorFlow models.
Stars: ✭ 3,007 (+583.41%)
Mutual labels:  embeddings
Nlp Cube
Natural Language Processing Pipeline - Sentence Splitting, Tokenization, Lemmatization, Part-of-speech Tagging and Dependency Parsing
Stars: ✭ 353 (-19.77%)
Mutual labels:  embeddings
Polyfuzz
Fuzzy string matching, grouping, and evaluation.
Stars: ✭ 292 (-33.64%)
Mutual labels:  embeddings
Recommend
recommendation system with python
Stars: ✭ 284 (-35.45%)
Mutual labels:  matrix-factorization
Cornac
A Comparative Framework for Multimodal Recommender Systems
Stars: ✭ 308 (-30%)
Mutual labels:  matrix-factorization

Nimfa

build: passing build: passing GitHub release BSD license Conda Version

Nimfa is a Python module that implements many algorithms for nonnegative matrix factorization. Nimfa is distributed under the BSD license.

The project was started in 2011 by Marinka Zitnik as a Google Summer of Code project, and since then many volunteers have contributed. See AUTHORS file for a complete list of contributors.

It is currently maintained by a team of volunteers.

[News:] Scikit-fusion, collective latent factor models, matrix factorization for data fusion and learning over heterogeneous data.

[News:] fastGNMF, fast implementation of graph-regularized non-negative matrix factorization using Facebook FAISS.

Important links

Dependencies

Nimfa is tested to work under Python 2.7 and Python 3.4.

The required dependencies to build the software are NumPy >= 1.7.0, SciPy >= 0.12.0.

For running the examples Matplotlib >= 1.1.1 is required.

Install

This package uses setuptools, which is a common way of installing python modules. To install in your home directory, use:

python setup.py install --user

To install for all users on Unix/Linux:

sudo python setup.py install

For more detailed installation instructions, see the web page http://ai.stanford.edu/~marinka/nimfa.

Alternatively, you may also install this package using conda:

conda install -c conda-forge nimfa

Use

Run alternating least squares nonnegative matrix factorization with projected gradients and Random Vcol initialization algorithm on medulloblastoma gene expression data:

>>> import nimfa
>>> V = nimfa.examples.medulloblastoma.read(normalize=True)
>>> lsnmf = nimfa.Lsnmf(V, seed='random_vcol', rank=50, max_iter=100)
>>> lsnmf_fit = lsnmf()
>>> print('Rss: %5.4f' % lsnmf_fit.fit.rss())
Rss: 0.2668
>>> print('Evar: %5.4f' % lsnmf_fit.fit.evar())
Evar: 0.9997
>>> print('K-L divergence: %5.4f' % lsnmf_fit.distance(metric='kl'))
K-L divergence: 38.8744
>>> print('Sparseness, W: %5.4f, H: %5.4f' % lsnmf_fit.fit.sparseness())
Sparseness, W: 0.7297, H: 0.8796

Cite

@article{Zitnik2012,
  title     = {Nimfa: A Python Library for Nonnegative Matrix Factorization},
  author    = {Zitnik, Marinka and Zupan, Blaz},
  journal   = {Journal of Machine Learning Research},
  volume    = {13},
  pages     = {849-853},
  year      = {2012}
}

Selected publications (Methods)

Selected publications (Applications)

Tutorials

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].