LibRecommender


NameLibRecommender JSON
Version 1.3.0 PyPI version JSON
download
home_pagehttps://github.com/massquantity/LibRecommender
SummaryVersatile end-to-end recommender system.
upload_time2023-08-11 05:02:37
maintainer
docs_urlNone
authormassquantity
requires_python>=3.6
licenseMIT
keywords collaborative filtering recommender system
VCS
bugtrack_url
requirements numpy cython scipy pandas scikit-learn tensorflow torch gensim tqdm nmslib
Travis-CI No Travis.
coveralls test coverage
            # LibRecommender

[![Build](https://img.shields.io/github/actions/workflow/status/massquantity/LibRecommender/wheels.yml?branch=master&logo=github)](https://github.com/massquantity/LibRecommender/actions/workflows/wheels.yml)
[![CI](https://github.com/massquantity/LibRecommender/actions/workflows/ci.yml/badge.svg)](https://github.com/massquantity/LibRecommender/actions/workflows/ci.yml)
[![Codecov](https://img.shields.io/codecov/c/github/massquantity/LibRecommender?color=ffdfba&logo=codecov&logoColor=%2300FC87CD)](https://app.codecov.io/gh/massquantity/LibRecommender)
[![pypi](https://img.shields.io/pypi/v/LibRecommender?color=blue)](https://pypi.org/project/LibRecommender/)
[![Downloads](https://static.pepy.tech/personalized-badge/librecommender?period=total&units=international_system&left_color=grey&right_color=lightgrey&left_text=Downloads)](https://pepy.tech/project/librecommender)
[![Codacy Badge](https://app.codacy.com/project/badge/Grade/860f0cb5339c41fba9bee5770d09be47)](https://www.codacy.com/gh/massquantity/LibRecommender/dashboard?utm_source=github.com&utm_medium=referral&utm_content=massquantity/LibRecommender&utm_campaign=Badge_Grade)
[![Code style: black](https://img.shields.io/badge/code%20style-black-000000.svg)](https://github.com/psf/black)
[![Ruff](https://img.shields.io/endpoint?url=https://raw.githubusercontent.com/charliermarsh/ruff/main/assets/badge/v1.json)](https://github.com/charliermarsh/ruff)
[![Documentation Status](https://readthedocs.org/projects/librecommender/badge/?version=latest)](https://librecommender.readthedocs.io/en/latest/?badge=latest)
[![python versions](https://img.shields.io/pypi/pyversions/LibRecommender?logo=python&logoColor=ffffba)](https://pypi.org/project/LibRecommender/)
[![License](https://img.shields.io/github/license/massquantity/LibRecommender?color=ff69b4)](https://github.com/massquantity/LibRecommender/blob/master/LICENSE)


## Overview

**LibRecommender** is an easy-to-use recommender system focused on end-to-end recommendation process. It contains a training([libreco](https://github.com/massquantity/LibRecommender/tree/master/libreco)) and serving([libserving](https://github.com/massquantity/LibRecommender/tree/master/libserving)) module to let users quickly train and deploy different kinds of recommendation models.

**The main features are:**

+ Implements a number of popular recommendation algorithms such as FM, DIN, LightGCN etc. See [full algorithm list](#references).
+ A hybrid recommender system, which allows user to use either collaborative-filtering or content-based features. New features can be added on the fly.
+ Low memory usage, automatically converts categorical and multi-value categorical features to sparse representation.
+ Supports training for both explicit and implicit datasets, as well as negative sampling on implicit data.
+ Provides end-to-end workflow, i.e. data handling / preprocessing -> model training -> evaluate -> save/load -> serving.
+ Supports cold-start prediction and recommendation.
+ Supports dynamic feature and sequence recommendation.
+ Provides unified and friendly API for all algorithms. 
+ Easy to retrain model with new users/items from new data.



## Usage

#### _pure collaborative-filtering example_ : 

```python
import numpy as np
import pandas as pd
from libreco.data import random_split, DatasetPure
from libreco.algorithms import LightGCN  # pure data, algorithm LightGCN
from libreco.evaluation import evaluate

data = pd.read_csv("examples/sample_data/sample_movielens_rating.dat", sep="::",
                   names=["user", "item", "label", "time"])

# split whole data into three folds for training, evaluating and testing
train_data, eval_data, test_data = random_split(data, multi_ratios=[0.8, 0.1, 0.1])

train_data, data_info = DatasetPure.build_trainset(train_data)
eval_data = DatasetPure.build_evalset(eval_data)
test_data = DatasetPure.build_testset(test_data)
print(data_info)  # n_users: 5894, n_items: 3253, data sparsity: 0.4172 %

lightgcn = LightGCN(
    task="ranking",
    data_info=data_info,
    loss_type="bpr",
    embed_size=16,
    n_epochs=3,
    lr=1e-3,
    batch_size=2048,
    num_neg=1,
    device="cuda",
)
# monitor metrics on eval data during training
lightgcn.fit(
    train_data,
    neg_sampling=True,
    verbose=2,
    eval_data=eval_data,
    metrics=["loss", "roc_auc", "precision", "recall", "ndcg"],
)

# do final evaluation on test data
evaluate(
    model=lightgcn,
    data=test_data,
    neg_sampling=True,
    metrics=["loss", "roc_auc", "precision", "recall", "ndcg"],
)

# predict preference of user 2211 to item 110
lightgcn.predict(user=2211, item=110)
# recommend 7 items for user 2211
lightgcn.recommend_user(user=2211, n_rec=7)

# cold-start prediction
lightgcn.predict(user="ccc", item="not item", cold_start="average")
# cold-start recommendation
lightgcn.recommend_user(user="are we good?", n_rec=7, cold_start="popular")
```

#### _include features example_ : 

```python
import numpy as np
import pandas as pd
from libreco.data import split_by_ratio_chrono, DatasetFeat
from libreco.algorithms import YouTubeRanking  # feat data, algorithm YouTubeRanking

data = pd.read_csv("examples/sample_data/sample_movielens_merged.csv", sep=",", header=0)
# split into train and test data based on time
train_data, test_data = split_by_ratio_chrono(data, test_size=0.2)

# specify complete columns information
sparse_col = ["sex", "occupation", "genre1", "genre2", "genre3"]
dense_col = ["age"]
user_col = ["sex", "age", "occupation"]
item_col = ["genre1", "genre2", "genre3"]

train_data, data_info = DatasetFeat.build_trainset(
    train_data, user_col, item_col, sparse_col, dense_col
)
test_data = DatasetFeat.build_testset(test_data)
print(data_info)  # n_users: 5962, n_items: 3226, data sparsity: 0.4185 %

ytb_ranking = YouTubeRanking(
    task="ranking",
    data_info=data_info,
    embed_size=16,
    n_epochs=3,
    lr=1e-4,
    batch_size=512,
    use_bn=True,
    hidden_units=(128, 64, 32),
)
ytb_ranking.fit(
    train_data,
    neg_sampling=True,
    verbose=2,
    shuffle=True,
    eval_data=test_data,
    metrics=["loss", "roc_auc", "precision", "recall", "map", "ndcg"],
)

# predict preference of user 2211 to item 110
ytb_ranking.predict(user=2211, item=110)
# recommend 7 items for user 2211
ytb_ranking.recommend_user(user=2211, n_rec=7)

# cold-start prediction
ytb_ranking.predict(user="ccc", item="not item", cold_start="average")
# cold-start recommendation
ytb_ranking.recommend_user(user="are we good?", n_rec=7, cold_start="popular")
```

## Data Format

JUST normal data format, each line represents a sample. One thing is important, the model assumes that `user`, `item`, and `label` column index are 0, 1, and 2, respectively. You may wish to change the column order if that's not the case. Take for Example, the `movielens-1m` dataset:

> 1::1193::5::978300760<br>
> 1::661::3::978302109<br>
> 1::914::3::978301968<br>
> 1::3408::4::978300275

Besides, if you want to use some other meta features (e.g., age, sex, category etc.),  you need to tell the model which columns are [`sparse_col`, `dense_col`, `user_col`, `item_col`], which means all features must be in a same table. See above `YouTubeRanking` for example.

**Also note that your data should not contain missing values.**



## Documentation

The tutorials and API documentation are hosted on [librecommender.readthedocs.io](https://librecommender.readthedocs.io/en/latest/).

The example scripts are under [examples/](https://github.com/massquantity/LibRecommender/tree/master/examples) folder.



## Installation & Dependencies 

From pypi : &nbsp;

```shell
$ pip install -U LibRecommender
```

Build from source:

```shell
$ git clone https://github.com/massquantity/LibRecommender.git
$ cd LibRecommender
$ pip install .
```


#### Basic Dependencies for [`libreco`](https://github.com/massquantity/LibRecommender/tree/master/libreco):

- Python >= 3.6
- TensorFlow >= 1.15
- PyTorch >= 1.10
- Numpy >= 1.19.5
- Pandas >= 1.0.0
- Scipy >= 1.2.1
- scikit-learn >= 0.20.0
- gensim >= 4.0.0
- tqdm
- [nmslib](https://github.com/nmslib/nmslib) (optional, used in approximate similarity searching. See [Embedding](https://librecommender.readthedocs.io/en/latest/user_guide/embedding.html))
- [DGL](https://github.com/dmlc/dgl) (optional, used in GraphSage and PinSage. See [Implementation Details](https://librecommender.readthedocs.io/en/latest/internal/implementation_details.html#pinsage))

If you are using Python 3.6, you also need to install [dataclasses](https://github.com/ericvsmith/dataclasses), which was first introduced in Python 3.7.

LibRecommender has been tested under TensorFlow 1.15, 2.6, 2.10 and 2.12. If you encounter any problem during running, feel free to open an issue.

**Known issue**:
+ Sometimes one may encounter errors like `ValueError: numpy.ndarray size changed, may indicate binary incompatibility. Expected 88 from C header, got 80 from PyObject`. In this case try upgrading numpy, and version 1.22.0 or higher is probably a safe option.
+ When saving a TensorFlow model for serving, you might encounter the error message: `Fatal Python error: Segmentation fault (core dumped)`.
  This issue is most likely related to the `protobuf` library, so you should follow the official recommended [version](https://github.com/tensorflow/tensorflow/blob/master/tensorflow/tools/pip_package/setup.py#L98) 
  based on your local tensorflow version. In general, it's advisable to use protobuf < 4.24.0.

The table below shows some compatible version combinations: 

| Python |         Numpy          |   TensorFlow    |          OS           |
|:------:|:----------------------:|:---------------:|:---------------------:|
|  3.6   |         1.19.5         |    1.15, 2.5    | linux, windows, macos |
|  3.7   |     1.20.3, 1.21.6     | 1.15, 2.6, 2.10 | linux, windows, macos |
|  3.8   |     1.22.4, 1.23.4     | 2.6, 2.10, 2.12 | linux, windows, macos |
|  3.9   |     1.22.4, 1.23.4     | 2.6, 2.10, 2.12 | linux, windows, macos |
|  3.10  | 1.22.4, 1.23.4, 1.24.2 |   2.10, 2.12    | linux, windows, macos |
|  3.11  |     1.23.4, 1.24.2     |      2.12       | linux, windows, macos |


#### Optional Dependencies for [`libserving`](https://github.com/massquantity/LibRecommender/tree/master/libserving):

+ Python >= 3.7
+ sanic >= 22.3
+ requests
+ aiohttp
+ pydantic
+ [ujson](https://github.com/ultrajson/ultrajson)
+ [redis](<https://redis.io/>)
+ [redis-py](https://github.com/andymccurdy/redis-py) >= 4.2.0
+ [faiss](https://github.com/facebookresearch/faiss) >= 1.5.2
+ [TensorFlow Serving](<https://github.com/tensorflow/serving>) == 2.8.2

## Docker
One can also use the library in a docker container without installing dependencies, see [Docker](https://github.com/massquantity/LibRecommender/tree/master/docker).

## References

|     Algorithm     | Category<sup><a href="#fn1" id="ref1">1</a></sup> |       Backend       | Sequence<sup><a href="#fn2" id="ref2">2</a></sup> | Graph<sup><a href="#fn3" id="ref3">3</a></sup> | Embedding<sup><a href="#fn4" id="ref4">4</a></sup> | Paper                                                                                                                                                                                                                                                                                                                                                            |
|:-----------------:|:-------------------------------------------------:|:-------------------:|:-------------------------------------------------:|:----------------------------------------------:|:--------------------------------------------------:|------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
|  userCF / itemCF  |                       pure                        |       Cython        |                                                   |                                                |                                                    | [Item-Based Collaborative Filtering](http://www.ra.ethz.ch/cdstore/www10/papers/pdf/p519.pdf)                                                                                                                                                                                                                                                                    |
|        SVD        |                       pure                        |     TensorFlow1     |                                                   |                                                |                 :heavy_check_mark:                 | [Matrix Factorization Techniques](https://datajobs.com/data-science-repo/Recommender-Systems-[Netflix].pdf)                                                                                                                                                                                                                                                      |
|       SVD++       |                       pure                        |     TensorFlow1     |                                                   |                                                |                 :heavy_check_mark:                 | [Factorization Meets the Neighborhood](https://dl.acm.org/citation.cfm?id=1401944)                                                                                                                                                                                                                                                                               |
|        ALS        |                       pure                        |       Cython        |                                                   |                                                |                 :heavy_check_mark:                 | 1. [Matrix Completion via Alternating Least Square(ALS)](https://stanford.edu/~rezab/classes/cme323/S15/notes/lec14.pdf)  <br>2. [Collaborative Filtering for Implicit Feedback Datasets](http://yifanhu.net/PUB/cf.pdf)  <br>3. [Conjugate Gradient for Implicit Feedback](http://citeseerx.ist.psu.edu/viewdoc/download?doi=10.1.1.379.6473&rep=rep1&type=pdf) |
|        NCF        |                       pure                        |     TensorFlow1     |                                                   |                                                |                                                    | [Neural Collaborative Filtering](https://arxiv.org/pdf/1708.05031.pdf)                                                                                                                                                                                                                                                                                           |
|        BPR        |                       pure                        | Cython, TensorFlow1 |                                                   |                                                |                 :heavy_check_mark:                 | [Bayesian Personalized Ranking](https://arxiv.org/ftp/arxiv/papers/1205/1205.2618.pdf)                                                                                                                                                                                                                                                                           |
|    Wide & Deep    |                       feat                        |     TensorFlow1     |                                                   |                                                |                                                    | [Wide & Deep Learning for Recommender Systems](https://arxiv.org/pdf/1606.07792.pdf)                                                                                                                                                                                                                                                                             |
|        FM         |                       feat                        |     TensorFlow1     |                                                   |                                                |                                                    | [Factorization Machines](https://www.csie.ntu.edu.tw/~b97053/paper/Rendle2010FM.pdf)                                                                                                                                                                                                                                                                             |
|      DeepFM       |                       feat                        |     TensorFlow1     |                                                   |                                                |                                                    | [DeepFM](https://arxiv.org/pdf/1703.04247.pdf)                                                                                                                                                                                                                                                                                                                   |
| YouTubeRetrieval  |                       feat                        |     TensorFlow1     |                :heavy_check_mark:                 |                                                |                 :heavy_check_mark:                 | [Deep Neural Networks for YouTube Recommendations](<https://static.googleusercontent.com/media/research.google.com/zh-CN//pubs/archive/45530.pdf>)                                                                                                                                                                                                               |
|  YouTubeRanking   |                       feat                        |     TensorFlow1     |                :heavy_check_mark:                 |                                                |                                                    | [Deep Neural Networks for YouTube Recommendations](<https://static.googleusercontent.com/media/research.google.com/zh-CN//pubs/archive/45530.pdf>)                                                                                                                                                                                                               |
|      AutoInt      |                       feat                        |     TensorFlow1     |                                                   |                                                |                                                    | [AutoInt](https://arxiv.org/pdf/1810.11921.pdf)                                                                                                                                                                                                                                                                                                                  |
|        DIN        |                       feat                        |     TensorFlow1     |                :heavy_check_mark:                 |                                                |                                                    | [Deep Interest Network](https://arxiv.org/pdf/1706.06978.pdf)                                                                                                                                                                                                                                                                                                    |
|     Item2Vec      |                       pure                        |          /          |                :heavy_check_mark:                 |                                                |                 :heavy_check_mark:                 | [Item2Vec](https://arxiv.org/pdf/1603.04259.pdf)                                                                                                                                                                                                                                                                                                                 |
| RNN4Rec / GRU4Rec |                       pure                        |     TensorFlow1     |                :heavy_check_mark:                 |                                                |                 :heavy_check_mark:                 | [Session-based Recommendations with Recurrent Neural Networks](https://arxiv.org/pdf/1511.06939.pdf)                                                                                                                                                                                                                                                             |
|       Caser       |                       pure                        |     TensorFlow1     |                :heavy_check_mark:                 |                                                |                 :heavy_check_mark:                 | [Personalized Top-N Sequential Recommendation via Convolutional](https://arxiv.org/pdf/1809.07426.pdf)                                                                                                                                                                                                                                                           |
|      WaveNet      |                       pure                        |     TensorFlow1     |                :heavy_check_mark:                 |                                                |                 :heavy_check_mark:                 | [WaveNet: A Generative Model for Raw Audio](https://arxiv.org/pdf/1609.03499.pdf)                                                                                                                                                                                                                                                                                |
|     DeepWalk      |                       pure                        |          /          |                                                   |               :heavy_check_mark:               |                 :heavy_check_mark:                 | [DeepWalk](https://arxiv.org/pdf/1403.6652.pdf)                                                                                                                                                                                                                                                                                                                  |
|       NGCF        |                       pure                        |       PyTorch       |                                                   |               :heavy_check_mark:               |                 :heavy_check_mark:                 | [Neural Graph Collaborative Filtering](https://arxiv.org/pdf/1905.08108.pdf)                                                                                                                                                                                                                                                                                     |
|     LightGCN      |                       pure                        |       PyTorch       |                                                   |               :heavy_check_mark:               |                 :heavy_check_mark:                 | [LightGCN](https://arxiv.org/pdf/2002.02126.pdf)                                                                                                                                                                                                                                                                                                                 |
|     GraphSage     |                       feat                        |    DGL, PyTorch     |                                                   |               :heavy_check_mark:               |                 :heavy_check_mark:                 | [Inductive Representation Learning on Large Graphs](https://arxiv.org/abs/1706.02216)                                                                                                                                                                                                                                                                            |
|      PinSage      |                       feat                        |    DGL, PyTorch     |                                                   |               :heavy_check_mark:               |                 :heavy_check_mark:                 | [Graph Convolutional Neural Networks for Web-Scale](https://arxiv.org/abs/1806.01973)                                                                                                                                                                                                                                                                            |
|     TwoTower      |                       feat                        |     TensorFlow1     |                                                   |                                                |                 :heavy_check_mark:                 | 1. [Sampling-Bias-Corrected Neural Modeling for Large Corpus Item](https://storage.googleapis.com/pub-tools-public-publication-data/pdf/6c8a86c981a62b0126a11896b7f6ae0dae4c3566.pdf)  <br>2. [Self-supervised Learning for Large-scale Item](https://arxiv.org/pdf/2007.12865.pdf)                                                                              |
|    Transformer    |                       feat                        |     TensorFlow1     |                :heavy_check_mark:                 |                                                |                                                    | 1. [BST](https://arxiv.org/pdf/1905.06874.pdf)  <br>2. [Transformers4Rec](https://dl.acm.org/doi/10.1145/3460231.3474255) <br>3. [RMSNorm](https://arxiv.org/pdf/1910.07467.pdf)                                                                                                                                                                                 |

> <sup id="fn1">[1] **Category**: `pure` means collaborative-filtering algorithms which only use behavior data,  `feat` means other side-features can be included. <a href="#ref1" title="Jump back to footnote 1 in the text.">↩</a></sup>
> 
> <sup id="fn2">[2] **Sequence**: Algorithms that leverage user behavior sequence. <a href="#ref2" title="Jump back to footnote 2 in the text.">↩</a></sup>
> 
> <sup id="fn3">[3] **Graph**: Algorithms that leverage graph information, including Graph Embedding (GE) and Graph Neural Network (GNN) . <a href="#ref3" title="Jump back to footnote 3 in the text.">↩</a></sup>
> 
> <sup id="fn4">[4] **Embedding**: Algorithms that can generate final user and item embeddings. <a href="#ref4" title="Jump back to footnote 4 in the text.">↩</a></sup>



### Powered by

[![JetBrains Logo](https://resources.jetbrains.com/storage/products/company/brand/logos/jb_beam.svg)](https://www.jetbrains.com/community/opensource/#support)

            

Raw data

            {
    "_id": null,
    "home_page": "https://github.com/massquantity/LibRecommender",
    "name": "LibRecommender",
    "maintainer": "",
    "docs_url": null,
    "requires_python": ">=3.6",
    "maintainer_email": "",
    "keywords": "Collaborative Filtering,Recommender System",
    "author": "massquantity",
    "author_email": "massquantity <jinxin_madie@163.com>",
    "download_url": "https://files.pythonhosted.org/packages/51/b0/7a1d716886ada78f52c5471b7a5374d5130b0ffd26c85b365ede6d5ecf1d/LibRecommender-1.3.0.tar.gz",
    "platform": null,
    "description": "# LibRecommender\n\n[![Build](https://img.shields.io/github/actions/workflow/status/massquantity/LibRecommender/wheels.yml?branch=master&logo=github)](https://github.com/massquantity/LibRecommender/actions/workflows/wheels.yml)\n[![CI](https://github.com/massquantity/LibRecommender/actions/workflows/ci.yml/badge.svg)](https://github.com/massquantity/LibRecommender/actions/workflows/ci.yml)\n[![Codecov](https://img.shields.io/codecov/c/github/massquantity/LibRecommender?color=ffdfba&logo=codecov&logoColor=%2300FC87CD)](https://app.codecov.io/gh/massquantity/LibRecommender)\n[![pypi](https://img.shields.io/pypi/v/LibRecommender?color=blue)](https://pypi.org/project/LibRecommender/)\n[![Downloads](https://static.pepy.tech/personalized-badge/librecommender?period=total&units=international_system&left_color=grey&right_color=lightgrey&left_text=Downloads)](https://pepy.tech/project/librecommender)\n[![Codacy Badge](https://app.codacy.com/project/badge/Grade/860f0cb5339c41fba9bee5770d09be47)](https://www.codacy.com/gh/massquantity/LibRecommender/dashboard?utm_source=github.com&amp;utm_medium=referral&amp;utm_content=massquantity/LibRecommender&amp;utm_campaign=Badge_Grade)\n[![Code style: black](https://img.shields.io/badge/code%20style-black-000000.svg)](https://github.com/psf/black)\n[![Ruff](https://img.shields.io/endpoint?url=https://raw.githubusercontent.com/charliermarsh/ruff/main/assets/badge/v1.json)](https://github.com/charliermarsh/ruff)\n[![Documentation Status](https://readthedocs.org/projects/librecommender/badge/?version=latest)](https://librecommender.readthedocs.io/en/latest/?badge=latest)\n[![python versions](https://img.shields.io/pypi/pyversions/LibRecommender?logo=python&logoColor=ffffba)](https://pypi.org/project/LibRecommender/)\n[![License](https://img.shields.io/github/license/massquantity/LibRecommender?color=ff69b4)](https://github.com/massquantity/LibRecommender/blob/master/LICENSE)\n\n\n## Overview\n\n**LibRecommender** is an easy-to-use recommender system focused on end-to-end recommendation process. It contains a training([libreco](https://github.com/massquantity/LibRecommender/tree/master/libreco)) and serving([libserving](https://github.com/massquantity/LibRecommender/tree/master/libserving)) module to let users quickly train and deploy different kinds of recommendation models.\n\n**The main features are:**\n\n+ Implements a number of popular recommendation algorithms such as FM, DIN, LightGCN etc. See [full algorithm list](#references).\n+ A hybrid recommender system, which allows user to use either collaborative-filtering or content-based features. New features can be added on the fly.\n+ Low memory usage, automatically converts categorical and multi-value categorical features to sparse representation.\n+ Supports training for both explicit and implicit datasets, as well as negative sampling on implicit data.\n+ Provides end-to-end workflow, i.e. data handling / preprocessing -> model training -> evaluate -> save/load -> serving.\n+ Supports cold-start prediction and recommendation.\n+ Supports dynamic feature and sequence recommendation.\n+ Provides unified and friendly API for all algorithms. \n+ Easy to retrain model with new users/items from new data.\n\n\n\n## Usage\n\n#### _pure collaborative-filtering example_ : \n\n```python\nimport numpy as np\nimport pandas as pd\nfrom libreco.data import random_split, DatasetPure\nfrom libreco.algorithms import LightGCN  # pure data, algorithm LightGCN\nfrom libreco.evaluation import evaluate\n\ndata = pd.read_csv(\"examples/sample_data/sample_movielens_rating.dat\", sep=\"::\",\n                   names=[\"user\", \"item\", \"label\", \"time\"])\n\n# split whole data into three folds for training, evaluating and testing\ntrain_data, eval_data, test_data = random_split(data, multi_ratios=[0.8, 0.1, 0.1])\n\ntrain_data, data_info = DatasetPure.build_trainset(train_data)\neval_data = DatasetPure.build_evalset(eval_data)\ntest_data = DatasetPure.build_testset(test_data)\nprint(data_info)  # n_users: 5894, n_items: 3253, data sparsity: 0.4172 %\n\nlightgcn = LightGCN(\n    task=\"ranking\",\n    data_info=data_info,\n    loss_type=\"bpr\",\n    embed_size=16,\n    n_epochs=3,\n    lr=1e-3,\n    batch_size=2048,\n    num_neg=1,\n    device=\"cuda\",\n)\n# monitor metrics on eval data during training\nlightgcn.fit(\n    train_data,\n    neg_sampling=True,\n    verbose=2,\n    eval_data=eval_data,\n    metrics=[\"loss\", \"roc_auc\", \"precision\", \"recall\", \"ndcg\"],\n)\n\n# do final evaluation on test data\nevaluate(\n    model=lightgcn,\n    data=test_data,\n    neg_sampling=True,\n    metrics=[\"loss\", \"roc_auc\", \"precision\", \"recall\", \"ndcg\"],\n)\n\n# predict preference of user 2211 to item 110\nlightgcn.predict(user=2211, item=110)\n# recommend 7 items for user 2211\nlightgcn.recommend_user(user=2211, n_rec=7)\n\n# cold-start prediction\nlightgcn.predict(user=\"ccc\", item=\"not item\", cold_start=\"average\")\n# cold-start recommendation\nlightgcn.recommend_user(user=\"are we good?\", n_rec=7, cold_start=\"popular\")\n```\n\n#### _include features example_ : \n\n```python\nimport numpy as np\nimport pandas as pd\nfrom libreco.data import split_by_ratio_chrono, DatasetFeat\nfrom libreco.algorithms import YouTubeRanking  # feat data, algorithm YouTubeRanking\n\ndata = pd.read_csv(\"examples/sample_data/sample_movielens_merged.csv\", sep=\",\", header=0)\n# split into train and test data based on time\ntrain_data, test_data = split_by_ratio_chrono(data, test_size=0.2)\n\n# specify complete columns information\nsparse_col = [\"sex\", \"occupation\", \"genre1\", \"genre2\", \"genre3\"]\ndense_col = [\"age\"]\nuser_col = [\"sex\", \"age\", \"occupation\"]\nitem_col = [\"genre1\", \"genre2\", \"genre3\"]\n\ntrain_data, data_info = DatasetFeat.build_trainset(\n    train_data, user_col, item_col, sparse_col, dense_col\n)\ntest_data = DatasetFeat.build_testset(test_data)\nprint(data_info)  # n_users: 5962, n_items: 3226, data sparsity: 0.4185 %\n\nytb_ranking = YouTubeRanking(\n    task=\"ranking\",\n    data_info=data_info,\n    embed_size=16,\n    n_epochs=3,\n    lr=1e-4,\n    batch_size=512,\n    use_bn=True,\n    hidden_units=(128, 64, 32),\n)\nytb_ranking.fit(\n    train_data,\n    neg_sampling=True,\n    verbose=2,\n    shuffle=True,\n    eval_data=test_data,\n    metrics=[\"loss\", \"roc_auc\", \"precision\", \"recall\", \"map\", \"ndcg\"],\n)\n\n# predict preference of user 2211 to item 110\nytb_ranking.predict(user=2211, item=110)\n# recommend 7 items for user 2211\nytb_ranking.recommend_user(user=2211, n_rec=7)\n\n# cold-start prediction\nytb_ranking.predict(user=\"ccc\", item=\"not item\", cold_start=\"average\")\n# cold-start recommendation\nytb_ranking.recommend_user(user=\"are we good?\", n_rec=7, cold_start=\"popular\")\n```\n\n## Data Format\n\nJUST normal data format, each line represents a sample. One thing is important, the model assumes that `user`, `item`, and `label` column index are 0, 1, and 2, respectively. You may wish to change the column order if that's not the case. Take for Example, the `movielens-1m` dataset:\n\n> 1::1193::5::978300760<br>\n> 1::661::3::978302109<br>\n> 1::914::3::978301968<br>\n> 1::3408::4::978300275\n\nBesides, if you want to use some other meta features (e.g., age, sex, category etc.),  you need to tell the model which columns are [`sparse_col`, `dense_col`, `user_col`, `item_col`], which means all features must be in a same table. See above `YouTubeRanking` for example.\n\n**Also note that your data should not contain missing values.**\n\n\n\n## Documentation\n\nThe tutorials and API documentation are hosted on [librecommender.readthedocs.io](https://librecommender.readthedocs.io/en/latest/).\n\nThe example scripts are under [examples/](https://github.com/massquantity/LibRecommender/tree/master/examples) folder.\n\n\n\n## Installation & Dependencies \n\nFrom pypi : &nbsp;\n\n```shell\n$ pip install -U LibRecommender\n```\n\nBuild from source:\n\n```shell\n$ git clone https://github.com/massquantity/LibRecommender.git\n$ cd LibRecommender\n$ pip install .\n```\n\n\n#### Basic Dependencies for [`libreco`](https://github.com/massquantity/LibRecommender/tree/master/libreco):\n\n- Python >= 3.6\n- TensorFlow >= 1.15\n- PyTorch >= 1.10\n- Numpy >= 1.19.5\n- Pandas >= 1.0.0\n- Scipy >= 1.2.1\n- scikit-learn >= 0.20.0\n- gensim >= 4.0.0\n- tqdm\n- [nmslib](https://github.com/nmslib/nmslib) (optional, used in approximate similarity searching. See [Embedding](https://librecommender.readthedocs.io/en/latest/user_guide/embedding.html))\n- [DGL](https://github.com/dmlc/dgl) (optional, used in GraphSage and PinSage. See [Implementation Details](https://librecommender.readthedocs.io/en/latest/internal/implementation_details.html#pinsage))\n\nIf you are using Python 3.6, you also need to install [dataclasses](https://github.com/ericvsmith/dataclasses), which was first introduced in Python 3.7.\n\nLibRecommender has been tested under TensorFlow 1.15, 2.6, 2.10 and 2.12. If you encounter any problem during running, feel free to open an issue.\n\n**Known issue**:\n+ Sometimes one may encounter errors like `ValueError: numpy.ndarray size changed, may indicate binary incompatibility. Expected 88 from C header, got 80 from PyObject`. In this case try upgrading numpy, and version 1.22.0 or higher is probably a safe option.\n+ When saving a TensorFlow model for serving, you might encounter the error message: `Fatal Python error: Segmentation fault (core dumped)`.\n  This issue is most likely related to the `protobuf` library, so you should follow the official recommended [version](https://github.com/tensorflow/tensorflow/blob/master/tensorflow/tools/pip_package/setup.py#L98) \n  based on your local tensorflow version. In general, it's advisable to use protobuf < 4.24.0.\n\nThe table below shows some compatible version combinations: \n\n| Python |         Numpy          |   TensorFlow    |          OS           |\n|:------:|:----------------------:|:---------------:|:---------------------:|\n|  3.6   |         1.19.5         |    1.15, 2.5    | linux, windows, macos |\n|  3.7   |     1.20.3, 1.21.6     | 1.15, 2.6, 2.10 | linux, windows, macos |\n|  3.8   |     1.22.4, 1.23.4     | 2.6, 2.10, 2.12 | linux, windows, macos |\n|  3.9   |     1.22.4, 1.23.4     | 2.6, 2.10, 2.12 | linux, windows, macos |\n|  3.10  | 1.22.4, 1.23.4, 1.24.2 |   2.10, 2.12    | linux, windows, macos |\n|  3.11  |     1.23.4, 1.24.2     |      2.12       | linux, windows, macos |\n\n\n#### Optional Dependencies for [`libserving`](https://github.com/massquantity/LibRecommender/tree/master/libserving):\n\n+ Python >= 3.7\n+ sanic >= 22.3\n+ requests\n+ aiohttp\n+ pydantic\n+ [ujson](https://github.com/ultrajson/ultrajson)\n+ [redis](<https://redis.io/>)\n+ [redis-py](https://github.com/andymccurdy/redis-py) >= 4.2.0\n+ [faiss](https://github.com/facebookresearch/faiss) >= 1.5.2\n+ [TensorFlow Serving](<https://github.com/tensorflow/serving>) == 2.8.2\n\n## Docker\nOne can also use the library in a docker container without installing dependencies, see [Docker](https://github.com/massquantity/LibRecommender/tree/master/docker).\n\n## References\n\n|     Algorithm     | Category<sup><a href=\"#fn1\" id=\"ref1\">1</a></sup> |       Backend       | Sequence<sup><a href=\"#fn2\" id=\"ref2\">2</a></sup> | Graph<sup><a href=\"#fn3\" id=\"ref3\">3</a></sup> | Embedding<sup><a href=\"#fn4\" id=\"ref4\">4</a></sup> | Paper                                                                                                                                                                                                                                                                                                                                                            |\n|:-----------------:|:-------------------------------------------------:|:-------------------:|:-------------------------------------------------:|:----------------------------------------------:|:--------------------------------------------------:|------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|\n|  userCF / itemCF  |                       pure                        |       Cython        |                                                   |                                                |                                                    | [Item-Based Collaborative Filtering](http://www.ra.ethz.ch/cdstore/www10/papers/pdf/p519.pdf)                                                                                                                                                                                                                                                                    |\n|        SVD        |                       pure                        |     TensorFlow1     |                                                   |                                                |                 :heavy_check_mark:                 | [Matrix Factorization Techniques](https://datajobs.com/data-science-repo/Recommender-Systems-[Netflix].pdf)                                                                                                                                                                                                                                                      |\n|       SVD++       |                       pure                        |     TensorFlow1     |                                                   |                                                |                 :heavy_check_mark:                 | [Factorization Meets the Neighborhood](https://dl.acm.org/citation.cfm?id=1401944)                                                                                                                                                                                                                                                                               |\n|        ALS        |                       pure                        |       Cython        |                                                   |                                                |                 :heavy_check_mark:                 | 1. [Matrix Completion via Alternating Least Square(ALS)](https://stanford.edu/~rezab/classes/cme323/S15/notes/lec14.pdf)  <br>2. [Collaborative Filtering for Implicit Feedback Datasets](http://yifanhu.net/PUB/cf.pdf)  <br>3. [Conjugate Gradient for Implicit Feedback](http://citeseerx.ist.psu.edu/viewdoc/download?doi=10.1.1.379.6473&rep=rep1&type=pdf) |\n|        NCF        |                       pure                        |     TensorFlow1     |                                                   |                                                |                                                    | [Neural Collaborative Filtering](https://arxiv.org/pdf/1708.05031.pdf)                                                                                                                                                                                                                                                                                           |\n|        BPR        |                       pure                        | Cython, TensorFlow1 |                                                   |                                                |                 :heavy_check_mark:                 | [Bayesian Personalized Ranking](https://arxiv.org/ftp/arxiv/papers/1205/1205.2618.pdf)                                                                                                                                                                                                                                                                           |\n|    Wide & Deep    |                       feat                        |     TensorFlow1     |                                                   |                                                |                                                    | [Wide & Deep Learning for Recommender Systems](https://arxiv.org/pdf/1606.07792.pdf)                                                                                                                                                                                                                                                                             |\n|        FM         |                       feat                        |     TensorFlow1     |                                                   |                                                |                                                    | [Factorization Machines](https://www.csie.ntu.edu.tw/~b97053/paper/Rendle2010FM.pdf)                                                                                                                                                                                                                                                                             |\n|      DeepFM       |                       feat                        |     TensorFlow1     |                                                   |                                                |                                                    | [DeepFM](https://arxiv.org/pdf/1703.04247.pdf)                                                                                                                                                                                                                                                                                                                   |\n| YouTubeRetrieval  |                       feat                        |     TensorFlow1     |                :heavy_check_mark:                 |                                                |                 :heavy_check_mark:                 | [Deep Neural Networks for YouTube Recommendations](<https://static.googleusercontent.com/media/research.google.com/zh-CN//pubs/archive/45530.pdf>)                                                                                                                                                                                                               |\n|  YouTubeRanking   |                       feat                        |     TensorFlow1     |                :heavy_check_mark:                 |                                                |                                                    | [Deep Neural Networks for YouTube Recommendations](<https://static.googleusercontent.com/media/research.google.com/zh-CN//pubs/archive/45530.pdf>)                                                                                                                                                                                                               |\n|      AutoInt      |                       feat                        |     TensorFlow1     |                                                   |                                                |                                                    | [AutoInt](https://arxiv.org/pdf/1810.11921.pdf)                                                                                                                                                                                                                                                                                                                  |\n|        DIN        |                       feat                        |     TensorFlow1     |                :heavy_check_mark:                 |                                                |                                                    | [Deep Interest Network](https://arxiv.org/pdf/1706.06978.pdf)                                                                                                                                                                                                                                                                                                    |\n|     Item2Vec      |                       pure                        |          /          |                :heavy_check_mark:                 |                                                |                 :heavy_check_mark:                 | [Item2Vec](https://arxiv.org/pdf/1603.04259.pdf)                                                                                                                                                                                                                                                                                                                 |\n| RNN4Rec / GRU4Rec |                       pure                        |     TensorFlow1     |                :heavy_check_mark:                 |                                                |                 :heavy_check_mark:                 | [Session-based Recommendations with Recurrent Neural Networks](https://arxiv.org/pdf/1511.06939.pdf)                                                                                                                                                                                                                                                             |\n|       Caser       |                       pure                        |     TensorFlow1     |                :heavy_check_mark:                 |                                                |                 :heavy_check_mark:                 | [Personalized Top-N Sequential Recommendation via Convolutional](https://arxiv.org/pdf/1809.07426.pdf)                                                                                                                                                                                                                                                           |\n|      WaveNet      |                       pure                        |     TensorFlow1     |                :heavy_check_mark:                 |                                                |                 :heavy_check_mark:                 | [WaveNet: A Generative Model for Raw Audio](https://arxiv.org/pdf/1609.03499.pdf)                                                                                                                                                                                                                                                                                |\n|     DeepWalk      |                       pure                        |          /          |                                                   |               :heavy_check_mark:               |                 :heavy_check_mark:                 | [DeepWalk](https://arxiv.org/pdf/1403.6652.pdf)                                                                                                                                                                                                                                                                                                                  |\n|       NGCF        |                       pure                        |       PyTorch       |                                                   |               :heavy_check_mark:               |                 :heavy_check_mark:                 | [Neural Graph Collaborative Filtering](https://arxiv.org/pdf/1905.08108.pdf)                                                                                                                                                                                                                                                                                     |\n|     LightGCN      |                       pure                        |       PyTorch       |                                                   |               :heavy_check_mark:               |                 :heavy_check_mark:                 | [LightGCN](https://arxiv.org/pdf/2002.02126.pdf)                                                                                                                                                                                                                                                                                                                 |\n|     GraphSage     |                       feat                        |    DGL, PyTorch     |                                                   |               :heavy_check_mark:               |                 :heavy_check_mark:                 | [Inductive Representation Learning on Large Graphs](https://arxiv.org/abs/1706.02216)                                                                                                                                                                                                                                                                            |\n|      PinSage      |                       feat                        |    DGL, PyTorch     |                                                   |               :heavy_check_mark:               |                 :heavy_check_mark:                 | [Graph Convolutional Neural Networks for Web-Scale](https://arxiv.org/abs/1806.01973)                                                                                                                                                                                                                                                                            |\n|     TwoTower      |                       feat                        |     TensorFlow1     |                                                   |                                                |                 :heavy_check_mark:                 | 1. [Sampling-Bias-Corrected Neural Modeling for Large Corpus Item](https://storage.googleapis.com/pub-tools-public-publication-data/pdf/6c8a86c981a62b0126a11896b7f6ae0dae4c3566.pdf)  <br>2. [Self-supervised Learning for Large-scale Item](https://arxiv.org/pdf/2007.12865.pdf)                                                                              |\n|    Transformer    |                       feat                        |     TensorFlow1     |                :heavy_check_mark:                 |                                                |                                                    | 1. [BST](https://arxiv.org/pdf/1905.06874.pdf)  <br>2. [Transformers4Rec](https://dl.acm.org/doi/10.1145/3460231.3474255) <br>3. [RMSNorm](https://arxiv.org/pdf/1910.07467.pdf)                                                                                                                                                                                 |\n\n> <sup id=\"fn1\">[1] **Category**: `pure` means collaborative-filtering algorithms which only use behavior data,  `feat` means other side-features can be included. <a href=\"#ref1\" title=\"Jump back to footnote 1 in the text.\">\u21a9</a></sup>\n> \n> <sup id=\"fn2\">[2] **Sequence**: Algorithms that leverage user behavior sequence. <a href=\"#ref2\" title=\"Jump back to footnote 2 in the text.\">\u21a9</a></sup>\n> \n> <sup id=\"fn3\">[3] **Graph**: Algorithms that leverage graph information, including Graph Embedding (GE) and Graph Neural Network (GNN) . <a href=\"#ref3\" title=\"Jump back to footnote 3 in the text.\">\u21a9</a></sup>\n> \n> <sup id=\"fn4\">[4] **Embedding**: Algorithms that can generate final user and item embeddings. <a href=\"#ref4\" title=\"Jump back to footnote 4 in the text.\">\u21a9</a></sup>\n\n\n\n### Powered by\n\n[![JetBrains Logo](https://resources.jetbrains.com/storage/products/company/brand/logos/jb_beam.svg)](https://www.jetbrains.com/community/opensource/#support)\n",
    "bugtrack_url": null,
    "license": "MIT",
    "summary": "Versatile end-to-end recommender system.",
    "version": "1.3.0",
    "project_urls": {
        "Homepage": "https://github.com/massquantity/LibRecommender",
        "documentation": "https://librecommender.readthedocs.io/en/latest/",
        "repository": "https://github.com/massquantity/LibRecommender"
    },
    "split_keywords": [
        "collaborative filtering",
        "recommender system"
    ],
    "urls": [
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "eaa2f14e42f9ac3abdc9f87b4801e93b0e25bbdb10ec4ec13f0a00a1d545ae58",
                "md5": "334e8cb2525f26d21c3fde3359705803",
                "sha256": "d26fc724f354b8b470f80bce01657901d92a8dca5b954d13abd763c273d16a42"
            },
            "downloads": -1,
            "filename": "LibRecommender-1.3.0-cp310-cp310-macosx_10_9_x86_64.whl",
            "has_sig": false,
            "md5_digest": "334e8cb2525f26d21c3fde3359705803",
            "packagetype": "bdist_wheel",
            "python_version": "cp310",
            "requires_python": ">=3.6",
            "size": 2230284,
            "upload_time": "2023-08-11T05:01:46",
            "upload_time_iso_8601": "2023-08-11T05:01:46.861779Z",
            "url": "https://files.pythonhosted.org/packages/ea/a2/f14e42f9ac3abdc9f87b4801e93b0e25bbdb10ec4ec13f0a00a1d545ae58/LibRecommender-1.3.0-cp310-cp310-macosx_10_9_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "249ba0447eb811fc0725a9fd8e08258aeb5f4bd6b83e81cc5d78a57440f646d4",
                "md5": "3da089f09905a9ef6c4d37e14c313650",
                "sha256": "04f2a10cf66532b8ca2ab8b20b2623e100ecb1e5e4e1e111f6f88ad1bffbc6ad"
            },
            "downloads": -1,
            "filename": "LibRecommender-1.3.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl",
            "has_sig": false,
            "md5_digest": "3da089f09905a9ef6c4d37e14c313650",
            "packagetype": "bdist_wheel",
            "python_version": "cp310",
            "requires_python": ">=3.6",
            "size": 2120591,
            "upload_time": "2023-08-11T05:01:50",
            "upload_time_iso_8601": "2023-08-11T05:01:50.344308Z",
            "url": "https://files.pythonhosted.org/packages/24/9b/a0447eb811fc0725a9fd8e08258aeb5f4bd6b83e81cc5d78a57440f646d4/LibRecommender-1.3.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "451c1173800d5c56e23f2aabf166cb6a83f1452810ec2db4865ce02baa715350",
                "md5": "268057987e0980e6b2db198c663ad31f",
                "sha256": "50f4ca2381e6ca6ce5c409b6df98421684404ba78822e9d5ce1a972f7aa30e45"
            },
            "downloads": -1,
            "filename": "LibRecommender-1.3.0-cp310-cp310-win_amd64.whl",
            "has_sig": false,
            "md5_digest": "268057987e0980e6b2db198c663ad31f",
            "packagetype": "bdist_wheel",
            "python_version": "cp310",
            "requires_python": ">=3.6",
            "size": 824247,
            "upload_time": "2023-08-11T05:01:52",
            "upload_time_iso_8601": "2023-08-11T05:01:52.956441Z",
            "url": "https://files.pythonhosted.org/packages/45/1c/1173800d5c56e23f2aabf166cb6a83f1452810ec2db4865ce02baa715350/LibRecommender-1.3.0-cp310-cp310-win_amd64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "44eb9722514245802ee77778f4b7d7ba18e7d7f6c5d62214f4ec39a7261c97b7",
                "md5": "0b6b42fda20d69671c1a0b7bc73e763a",
                "sha256": "4aa961d6616bee3c2a93433dd9a7b1dfac7ab644285f5dd36a10da86b07f15c0"
            },
            "downloads": -1,
            "filename": "LibRecommender-1.3.0-cp311-cp311-macosx_10_9_x86_64.whl",
            "has_sig": false,
            "md5_digest": "0b6b42fda20d69671c1a0b7bc73e763a",
            "packagetype": "bdist_wheel",
            "python_version": "cp311",
            "requires_python": ">=3.6",
            "size": 2228681,
            "upload_time": "2023-08-11T05:01:56",
            "upload_time_iso_8601": "2023-08-11T05:01:56.390935Z",
            "url": "https://files.pythonhosted.org/packages/44/eb/9722514245802ee77778f4b7d7ba18e7d7f6c5d62214f4ec39a7261c97b7/LibRecommender-1.3.0-cp311-cp311-macosx_10_9_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "cd7c4dc6c3d1b580917fc6f4e730afcf33cf8b979b9ca9ad370b4e17e9ff6128",
                "md5": "f21b29c8d4d04cffe3830312ae6b76e7",
                "sha256": "2ac202b0a6145fcde0108d19bf6312c1e75c4cd7ee664d3b513ecc1bedec3f18"
            },
            "downloads": -1,
            "filename": "LibRecommender-1.3.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl",
            "has_sig": false,
            "md5_digest": "f21b29c8d4d04cffe3830312ae6b76e7",
            "packagetype": "bdist_wheel",
            "python_version": "cp311",
            "requires_python": ">=3.6",
            "size": 2181962,
            "upload_time": "2023-08-11T05:01:59",
            "upload_time_iso_8601": "2023-08-11T05:01:59.584250Z",
            "url": "https://files.pythonhosted.org/packages/cd/7c/4dc6c3d1b580917fc6f4e730afcf33cf8b979b9ca9ad370b4e17e9ff6128/LibRecommender-1.3.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "cf0362bbfaa536edddce0ebc7d69bb584f743102566d14b22d92d8c649ae4027",
                "md5": "dadb61eaf4c7e4fa6661ef6756722fda",
                "sha256": "24504431a3bf9329fbbaf3c4d17d8dd1d82bcc49d656f454446e6ae763cc33be"
            },
            "downloads": -1,
            "filename": "LibRecommender-1.3.0-cp311-cp311-win_amd64.whl",
            "has_sig": false,
            "md5_digest": "dadb61eaf4c7e4fa6661ef6756722fda",
            "packagetype": "bdist_wheel",
            "python_version": "cp311",
            "requires_python": ">=3.6",
            "size": 821868,
            "upload_time": "2023-08-11T05:02:02",
            "upload_time_iso_8601": "2023-08-11T05:02:02.075994Z",
            "url": "https://files.pythonhosted.org/packages/cf/03/62bbfaa536edddce0ebc7d69bb584f743102566d14b22d92d8c649ae4027/LibRecommender-1.3.0-cp311-cp311-win_amd64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "944ee6b0ebdeb21a194d40741a38a8ddd8ab6896a1a32d0d2dd7cb2fbb348eb0",
                "md5": "6f31a519ac8655853985827b110c785f",
                "sha256": "0026c6db6708faad4400a80d2104a1cc0daa9b7039197a74c252cd90c22a6a00"
            },
            "downloads": -1,
            "filename": "LibRecommender-1.3.0-cp36-cp36m-macosx_10_9_x86_64.whl",
            "has_sig": false,
            "md5_digest": "6f31a519ac8655853985827b110c785f",
            "packagetype": "bdist_wheel",
            "python_version": "cp36",
            "requires_python": ">=3.6",
            "size": 2228478,
            "upload_time": "2023-08-11T05:02:05",
            "upload_time_iso_8601": "2023-08-11T05:02:05.559903Z",
            "url": "https://files.pythonhosted.org/packages/94/4e/e6b0ebdeb21a194d40741a38a8ddd8ab6896a1a32d0d2dd7cb2fbb348eb0/LibRecommender-1.3.0-cp36-cp36m-macosx_10_9_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "1608d9cb65016681831b0a80ce74ededeb2798239ad83d0d2b9c59e3f0c3d17b",
                "md5": "1361c60932580f57ad9761e7e799802d",
                "sha256": "388233a19611f68e32d41eb046532fb3dede5bda6f28664d5077b0856f4c04ab"
            },
            "downloads": -1,
            "filename": "LibRecommender-1.3.0-cp36-cp36m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl",
            "has_sig": false,
            "md5_digest": "1361c60932580f57ad9761e7e799802d",
            "packagetype": "bdist_wheel",
            "python_version": "cp36",
            "requires_python": ">=3.6",
            "size": 2044535,
            "upload_time": "2023-08-11T05:02:07",
            "upload_time_iso_8601": "2023-08-11T05:02:07.844798Z",
            "url": "https://files.pythonhosted.org/packages/16/08/d9cb65016681831b0a80ce74ededeb2798239ad83d0d2b9c59e3f0c3d17b/LibRecommender-1.3.0-cp36-cp36m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "41373c3181dc204f5483ef4d7964e7ed1fb931456ddf10f2d5701ded41d12b2b",
                "md5": "35b523ff6d1a06ce43f7c44d4f563b9f",
                "sha256": "535f86bc7a5e5ec15bd6b17578803661821bed4f9accc064bba5a67fdd9c1125"
            },
            "downloads": -1,
            "filename": "LibRecommender-1.3.0-cp36-cp36m-win_amd64.whl",
            "has_sig": false,
            "md5_digest": "35b523ff6d1a06ce43f7c44d4f563b9f",
            "packagetype": "bdist_wheel",
            "python_version": "cp36",
            "requires_python": ">=3.6",
            "size": 823785,
            "upload_time": "2023-08-11T05:02:10",
            "upload_time_iso_8601": "2023-08-11T05:02:10.472399Z",
            "url": "https://files.pythonhosted.org/packages/41/37/3c3181dc204f5483ef4d7964e7ed1fb931456ddf10f2d5701ded41d12b2b/LibRecommender-1.3.0-cp36-cp36m-win_amd64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "97dc11411d8d04ecf6900f28fadfd3ead3812ca64109bf8147c85875aa35517d",
                "md5": "6c47fb90ad2a48834f5a4f41e1eef5ca",
                "sha256": "c7e22d4f1d01a53a46c3bf51600b33814202514cd2cc528f7d99779a5b0abf68"
            },
            "downloads": -1,
            "filename": "LibRecommender-1.3.0-cp37-cp37m-macosx_10_9_x86_64.whl",
            "has_sig": false,
            "md5_digest": "6c47fb90ad2a48834f5a4f41e1eef5ca",
            "packagetype": "bdist_wheel",
            "python_version": "cp37",
            "requires_python": ">=3.6",
            "size": 2228195,
            "upload_time": "2023-08-11T05:02:13",
            "upload_time_iso_8601": "2023-08-11T05:02:13.229398Z",
            "url": "https://files.pythonhosted.org/packages/97/dc/11411d8d04ecf6900f28fadfd3ead3812ca64109bf8147c85875aa35517d/LibRecommender-1.3.0-cp37-cp37m-macosx_10_9_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "b92950df7085489d3568afbece0639556e9e641f0ad89cf835ac6c393358d939",
                "md5": "f0ee4fd4f996a40defbbc7e7af16c5e5",
                "sha256": "3255ec887127a481adffa8bd5a8b73dfd12450f45ced48b232b348d82caf384d"
            },
            "downloads": -1,
            "filename": "LibRecommender-1.3.0-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl",
            "has_sig": false,
            "md5_digest": "f0ee4fd4f996a40defbbc7e7af16c5e5",
            "packagetype": "bdist_wheel",
            "python_version": "cp37",
            "requires_python": ">=3.6",
            "size": 2047462,
            "upload_time": "2023-08-11T05:02:16",
            "upload_time_iso_8601": "2023-08-11T05:02:16.400266Z",
            "url": "https://files.pythonhosted.org/packages/b9/29/50df7085489d3568afbece0639556e9e641f0ad89cf835ac6c393358d939/LibRecommender-1.3.0-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "64b1045f79bd275069a0bc6821638cd1a7eb7e913c23e305a4e90ed8065a2c2d",
                "md5": "04519500be61c49d0159bcf72f554549",
                "sha256": "a27be3ae9b3be495ce2fa25d4929d8e090242011b40c03d5ca902245689a4e7d"
            },
            "downloads": -1,
            "filename": "LibRecommender-1.3.0-cp37-cp37m-win_amd64.whl",
            "has_sig": false,
            "md5_digest": "04519500be61c49d0159bcf72f554549",
            "packagetype": "bdist_wheel",
            "python_version": "cp37",
            "requires_python": ">=3.6",
            "size": 825072,
            "upload_time": "2023-08-11T05:02:18",
            "upload_time_iso_8601": "2023-08-11T05:02:18.482823Z",
            "url": "https://files.pythonhosted.org/packages/64/b1/045f79bd275069a0bc6821638cd1a7eb7e913c23e305a4e90ed8065a2c2d/LibRecommender-1.3.0-cp37-cp37m-win_amd64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "7e81adf6f2ae03b24b9394153b668e4f4cee7ab32649d045c80a802d60698533",
                "md5": "74dfcd4c37aab009d80abee456221eb8",
                "sha256": "0704105324e114183d8735b43feef44fd871d2f492120f8459bf63a5ed18bf8a"
            },
            "downloads": -1,
            "filename": "LibRecommender-1.3.0-cp38-cp38-macosx_10_9_x86_64.whl",
            "has_sig": false,
            "md5_digest": "74dfcd4c37aab009d80abee456221eb8",
            "packagetype": "bdist_wheel",
            "python_version": "cp38",
            "requires_python": ">=3.6",
            "size": 2234424,
            "upload_time": "2023-08-11T05:02:22",
            "upload_time_iso_8601": "2023-08-11T05:02:22.506650Z",
            "url": "https://files.pythonhosted.org/packages/7e/81/adf6f2ae03b24b9394153b668e4f4cee7ab32649d045c80a802d60698533/LibRecommender-1.3.0-cp38-cp38-macosx_10_9_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "e628c498b3caa8ad0a56f87f82407b66562406b107658e8584f288aee0b756b5",
                "md5": "ce52d4721315a7b08df12fd22c64910b",
                "sha256": "a3d38f424d6583b7d47d106056c1f40ad8253d5ea77b9102becbe884f664a2c2"
            },
            "downloads": -1,
            "filename": "LibRecommender-1.3.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl",
            "has_sig": false,
            "md5_digest": "ce52d4721315a7b08df12fd22c64910b",
            "packagetype": "bdist_wheel",
            "python_version": "cp38",
            "requires_python": ">=3.6",
            "size": 2138313,
            "upload_time": "2023-08-11T05:02:24",
            "upload_time_iso_8601": "2023-08-11T05:02:24.818674Z",
            "url": "https://files.pythonhosted.org/packages/e6/28/c498b3caa8ad0a56f87f82407b66562406b107658e8584f288aee0b756b5/LibRecommender-1.3.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "4952bb9534b5144a908e216064f34b12df50abb22b06793b8e6e1e3104bdc86b",
                "md5": "ba6bcf64135c12a21a6941aebbbfef93",
                "sha256": "f535d1e17c214ade1796bc31d1c0a465b9efb5305c36532cc77b149490fbc43c"
            },
            "downloads": -1,
            "filename": "LibRecommender-1.3.0-cp38-cp38-win_amd64.whl",
            "has_sig": false,
            "md5_digest": "ba6bcf64135c12a21a6941aebbbfef93",
            "packagetype": "bdist_wheel",
            "python_version": "cp38",
            "requires_python": ">=3.6",
            "size": 827377,
            "upload_time": "2023-08-11T05:02:27",
            "upload_time_iso_8601": "2023-08-11T05:02:27.512372Z",
            "url": "https://files.pythonhosted.org/packages/49/52/bb9534b5144a908e216064f34b12df50abb22b06793b8e6e1e3104bdc86b/LibRecommender-1.3.0-cp38-cp38-win_amd64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "5ecef5d820d4637262f03e908cdad4e5ced93601c25fea9f38bf6a16c8bb0ded",
                "md5": "6481c4c45ebb29993585b5fb8cfdea7f",
                "sha256": "15700c24092ee2d6c0e072c6ba970e84346868e008dd8d8f485a6ac11c71820f"
            },
            "downloads": -1,
            "filename": "LibRecommender-1.3.0-cp39-cp39-macosx_10_9_x86_64.whl",
            "has_sig": false,
            "md5_digest": "6481c4c45ebb29993585b5fb8cfdea7f",
            "packagetype": "bdist_wheel",
            "python_version": "cp39",
            "requires_python": ">=3.6",
            "size": 2235058,
            "upload_time": "2023-08-11T05:02:30",
            "upload_time_iso_8601": "2023-08-11T05:02:30.097519Z",
            "url": "https://files.pythonhosted.org/packages/5e/ce/f5d820d4637262f03e908cdad4e5ced93601c25fea9f38bf6a16c8bb0ded/LibRecommender-1.3.0-cp39-cp39-macosx_10_9_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "c50d7b12f6b4f6136c6d8217a2e6f0ec73129e3d1633327d45300bcd6cadb558",
                "md5": "e73184f13178fa32654786e3cf2db4e8",
                "sha256": "20d2189becab58163cdeb064b7a6e0eb69cae0f569e0282561f3b4e03578ff1e"
            },
            "downloads": -1,
            "filename": "LibRecommender-1.3.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl",
            "has_sig": false,
            "md5_digest": "e73184f13178fa32654786e3cf2db4e8",
            "packagetype": "bdist_wheel",
            "python_version": "cp39",
            "requires_python": ">=3.6",
            "size": 2134924,
            "upload_time": "2023-08-11T05:02:32",
            "upload_time_iso_8601": "2023-08-11T05:02:32.507090Z",
            "url": "https://files.pythonhosted.org/packages/c5/0d/7b12f6b4f6136c6d8217a2e6f0ec73129e3d1633327d45300bcd6cadb558/LibRecommender-1.3.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "6fc059c350935021c677b54626b0d4a450d7dcdb6698d1062a90a6326130e379",
                "md5": "ddb479e7315b493462c1024bfd110e3d",
                "sha256": "e2de113dd3e93440907d06a2ebfe5fc5057352000d1a41c27337e9a430612148"
            },
            "downloads": -1,
            "filename": "LibRecommender-1.3.0-cp39-cp39-win_amd64.whl",
            "has_sig": false,
            "md5_digest": "ddb479e7315b493462c1024bfd110e3d",
            "packagetype": "bdist_wheel",
            "python_version": "cp39",
            "requires_python": ">=3.6",
            "size": 827439,
            "upload_time": "2023-08-11T05:02:34",
            "upload_time_iso_8601": "2023-08-11T05:02:34.452674Z",
            "url": "https://files.pythonhosted.org/packages/6f/c0/59c350935021c677b54626b0d4a450d7dcdb6698d1062a90a6326130e379/LibRecommender-1.3.0-cp39-cp39-win_amd64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "51b07a1d716886ada78f52c5471b7a5374d5130b0ffd26c85b365ede6d5ecf1d",
                "md5": "1a1e34c18a2a4f32d940986cf954d7d1",
                "sha256": "7e9ec85237d52ab7353ca5a2a6a9a5dd0c4ae6a0aa8a2aa48c552fb743e44d9a"
            },
            "downloads": -1,
            "filename": "LibRecommender-1.3.0.tar.gz",
            "has_sig": false,
            "md5_digest": "1a1e34c18a2a4f32d940986cf954d7d1",
            "packagetype": "sdist",
            "python_version": "source",
            "requires_python": ">=3.6",
            "size": 518740,
            "upload_time": "2023-08-11T05:02:37",
            "upload_time_iso_8601": "2023-08-11T05:02:37.353459Z",
            "url": "https://files.pythonhosted.org/packages/51/b0/7a1d716886ada78f52c5471b7a5374d5130b0ffd26c85b365ede6d5ecf1d/LibRecommender-1.3.0.tar.gz",
            "yanked": false,
            "yanked_reason": null
        }
    ],
    "upload_time": "2023-08-11 05:02:37",
    "github": true,
    "gitlab": false,
    "bitbucket": false,
    "codeberg": false,
    "github_user": "massquantity",
    "github_project": "LibRecommender",
    "travis_ci": false,
    "coveralls": true,
    "github_actions": true,
    "requirements": [
        {
            "name": "numpy",
            "specs": [
                [
                    ">=",
                    "1.19.5"
                ]
            ]
        },
        {
            "name": "cython",
            "specs": [
                [
                    ">=",
                    "0.29.0"
                ],
                [
                    "<",
                    "3"
                ]
            ]
        },
        {
            "name": "scipy",
            "specs": [
                [
                    ">=",
                    "1.2.1"
                ]
            ]
        },
        {
            "name": "pandas",
            "specs": [
                [
                    ">=",
                    "1.0.0"
                ]
            ]
        },
        {
            "name": "scikit-learn",
            "specs": [
                [
                    ">=",
                    "0.20.0"
                ]
            ]
        },
        {
            "name": "tensorflow",
            "specs": [
                [
                    ">=",
                    "1.15.0"
                ]
            ]
        },
        {
            "name": "torch",
            "specs": [
                [
                    ">=",
                    "1.10.0"
                ]
            ]
        },
        {
            "name": "gensim",
            "specs": [
                [
                    ">=",
                    "4.0.0"
                ]
            ]
        },
        {
            "name": "tqdm",
            "specs": []
        },
        {
            "name": "nmslib",
            "specs": []
        }
    ],
    "lcname": "librecommender"
}
        
Elapsed time: 0.10126s