Giter Club home page Giter Club logo

hpfrec's People

Contributors

abs51295 avatar david-cortes avatar

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar  avatar  avatar  avatar

hpfrec's Issues

Unable to install hpfrec

I am trying to pip install hpfrec however I am presented with ERROR: Could not build wheels for hpfrec which use PEP 517 and cannot be installed directly

I have attempted to solve the issue with two stack overflow results:

https://stackoverflow.com/questions/55962678/installing-chatterbot-but-getting-error-could-not-build-wheels-for-spacy-which

https://stackoverflow.com/questions/59441794/error-could-not-build-wheels-for-cryptography-which-use-pep-517-and-cannot-be-i

however neither fix the problem.

hpfrec on Python 3.8 vs Python 3.9

Hey David, hope your day is going well. We encountered an issue when pip installing hpfrec on Python 3.9. On Python 3.8, the package works great. We made a video here so that you can take a look. Cheers!

video1440725217.mp4

Comparing models for hyperparameter optimization

I tried to optimize the number of components by using a proper train/test split with fit(val_set) and running eval_llk at the end, however I got 'input_df' has no combinations of users and itemsin common with the training set. regardless of whether I ran eval_llk on the training/test/complete data set.

Recovering model from save_folder files

Hey David,

Thank you for the code. We have a fairly large dataset, and I am interested in saving the recommender model to a file so I can avoid training over and over again (we don't want to call recommender.fit() repetitively). We put a google drive path to the save_folder field and are able to see the files. Is there a way we can recover the model using these files?

Screen Shot 2021-05-02 at 5 56 44 PM

Items-items recommendation and precomputing factorization once.

Hi David:
I have a question about speed up the calculations by doing the factorizations ones.
Let's assume we already have a (large) users-items matrix or data frame. Is there a way to precompute an items-items-prediction matrix where given a set of items (and their counts) that a new user inputs, then we can suggest the topN items?
For instance, if we had a items x latent_Item_Values matrix and multiplied it on the right by it's own transpose, does that matrix (or sqrt root of its elements) give us an items-items matrix? The idea is to create an items-items matrix that we can multiple with the vector of new counts from the new user and find the topN.
The goal is to avoid appending the new user-items to the end of the data, and avoid factorizing the entire data again, to save some time and computation.
Thanks in advance, Esfandiar

Finding the top items in each topic

I am trying to find the top items which appear in each of the $K$ topics. From the documentation I have assumed that I must call

recommender = HPF(k=10, a=0.3, a_prime=0.3, b_prime=1.0,
                 c=0.3, c_prime=0.3, d_prime=1.0, ncores=-1,
                 stop_crit='val-llk', check_every=10, stop_thr=1e-3,
                 maxiter=150, reindex=True, random_seed = 123,
                 allow_inconsistent_math=False, verbose=True, full_llk=False,
                 keep_data=True, save_folder=None, produce_dicts=True)
recommender.fit(train, val_set = validation)

recommender.item_dict

however the recommender.item_dict outputs:

AttributeError                            Traceback (most recent call last)
<ipython-input-24-05d52252689c> in <module>()
----> 1 recommender.item_dict

AttributeError: 'HPF' object has no attribute 'item_dict'

Have I missed sometime when I call HPF?

The Example code given in the README throws a NameError

When I try to run the example code in the readme, bar the second and third training calls, like:

import pandas as pd, numpy as np
from hpfrec import HPF

## Generating sample counts data
nusers = 10**2
nitems = 10**2
nobs = 10**4

np.random.seed(1)
counts_df = pd.DataFrame({
	'UserId' : np.random.randint(nusers, size=nobs),
	'ItemId' : np.random.randint(nitems, size=nobs),
	'Count' : np.random.gamma(1,1, size=nobs).astype('int32')
	})
counts_df = counts_df.loc[counts_df.Count > 0].reset_index(drop=True)

## Initializing the model object
recommender = HPF()

## For stochastic variational inference, need to select batch size (number of users)
recommender = HPF(users_per_batch = 20)

## Full function call
recommender = HPF(
	k=30, a=0.3, a_prime=0.3, b_prime=1.0,
	c=0.3, c_prime=0.3, d_prime=1.0, ncores=-1,
	stop_crit='train-llk', check_every=10, stop_thr=1e-3,
	users_per_batch=None, items_per_batch=None, step_size=lambda x: 1/np.sqrt(x+2),
	maxiter=100, reindex=True, verbose=True,
	random_seed = None, allow_inconsistent_math=False, full_llk=False,
	alloc_full_phi=False, keep_data=True, save_folder=None,
	produce_dicts=True, keep_all_objs=True, sum_exp_trick=False
)

## Fitting the model to the data
recommender.fit(counts_df)

## Fitting the model while monitoring a validation set
# recommender = HPF(stop_crit='val-llk')
# recommender.fit(counts_df, val_set=counts_df.sample(10**2))
## Note: a real validation should NEVER be a subset of the training set

## Fitting the model to data in batches passed by the user
# recommender = HPF(reindex=False, keep_data=False)
# users_batch1 = np.unique(np.random.randint(10**2, size=20))
# users_batch2 = np.unique(np.random.randint(10**2, size=20))
# users_batch3 = np.unique(np.random.randint(10**2, size=20))
# recommender.partial_fit(counts_df.loc[counts_df.UserId.isin(users_batch1)], nusers=10**2, nitems=10**2)
# recommender.partial_fit(counts_df.loc[counts_df.UserId.isin(users_batch2)])
# recommender.partial_fit(counts_df.loc[counts_df.UserId.isin(users_batch3)])

## Making predictions
recommender.topN(user=10, n=10, exclude_seen=True)
recommender.topN(user=10, n=10, exclude_seen=False, items_pool=np.array([1,2,3,4]))
recommender.predict(user=10, item=11)
recommender.predict(user=[10,10,10], item=[1,2,3])
recommender.predict(user=[10,11,12], item=[4,5,6])

## Evaluating Poisson likelihood
recommender.eval_llk(counts_df, full_llk=True)

## Determining latent factors for a new user, given her item interactions
nobs_new = 20
np.random.seed(2)
counts_df_new = pd.DataFrame({
	'ItemId' : np.random.choice(np.arange(nitems), size=nobs_new, replace=False),
	'Count' : np.random.gamma(1,1, size=nobs_new).astype('int32')
	})
counts_df_new = counts_df_new.loc[counts_df_new.Count > 0].reset_index(drop=True)
recommender.predict_factors(counts_df_new)

## Adding a user without refitting the whole model
recommender.add_user(user_id=nusers+1, counts_df=counts_df_new)

## Updating data for an existing user without refitting the whole model
chosen_user = counts_df.UserId.values[10]
recommender.add_user(user_id=chosen_user, counts_df=counts_df_new, update_existing=True)

I get the error below:

Traceback (most recent call last):
  File "/Users/avgupta/.pyenv/versions/hpfrec/lib/python3.6/site-packages/hpfrec/__init__.py", line 635, in _process_data_single
    counts_df['ItemId'] = counts_df.ItemId.map(lambda x: self.item_dict_[user])
  File "/Users/avgupta/.pyenv/versions/hpfrec/lib/python3.6/site-packages/pandas/core/series.py", line 2998, in map
    arg, na_action=na_action)
  File "/Users/avgupta/.pyenv/versions/hpfrec/lib/python3.6/site-packages/pandas/core/base.py", line 1004, in _map_values
    new_values = map_f(values, mapper)
  File "pandas/_libs/src/inference.pyx", line 1472, in pandas._libs.lib.map_infer
  File "/Users/avgupta/.pyenv/versions/hpfrec/lib/python3.6/site-packages/hpfrec/__init__.py", line 635, in <lambda>
    counts_df['ItemId'] = counts_df.ItemId.map(lambda x: self.item_dict_[user])
NameError: name 'user' is not defined

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
  File "test_hpf.py", line 70, in <module>
    recommender.predict_factors(counts_df_new)
  File "/Users/avgupta/.pyenv/versions/hpfrec/lib/python3.6/site-packages/hpfrec/__init__.py", line 960, in predict_factors
    counts_df = self._process_data_single(counts_df)
  File "/Users/avgupta/.pyenv/versions/hpfrec/lib/python3.6/site-packages/hpfrec/__init__.py", line 637, in _process_data_single
    raise ValueError("Can only make calculations for items that were in the training set.")
ValueError: Can only make calculations for items that were in the training set.

My environment info:

Cython==0.28.5
hpfrec==0.2.2.1
numpy==1.15.1
pandas==0.23.4
python-dateutil==2.7.3
pytz==2018.5
scipy==1.1.0
six==1.11.0

Distinguishing 0s from missing data

Hello David,

Thank you very much for sharing this module. It's been really useful.

I am trying to fit a model on a dataframe D with the option to optimize the likelihood in a validation set. The way I am preparing the validation set is by setting apart a random subset of rows of D, call this subset D'. Then, my training set is D - D', and my validation set is D'.

Is this the intended way to use the package? To me, it seems that, by removing rows from the training set, we are implicitly stating that these entries are 0 in the user-item matrix. I would expect that we have to modify the likelihood calculation to account for the fact that D' is missing data, not 0s. I read the code, but I couldn't find any kind of accounting.

As a follow-up question, wouldn't it be desirable to have both zero AND non-zero entries in the validation set? By not allowing non-zero entries, aren't we biasing the inference?

Thank you very much for reading!

Best,

Jose

Persistent Hanging of hpfrec.HPF().fit() in Production ML Pipeline

I'll preface this issue by saying that I know I do not have enough information to provide to expect a solution, but I figured I raise this concern in case anyone else has been troubleshooting a similar problem.

Context
Our production ML pipeline that relies on this package has been operational without any issues for the past year. However, starting from July 17th, 2023, the pipeline has been persistently hanging when calling the hpfrec.HPF().fit() function, leading to a significant increase in job processing time from 1 hour to over 50 hours (without completion).

Symptoms
The verbose messaging displays as follows during the hang:

Number of users: 820137
Number of items: 472
Latent factors to use: 50

Initializing parameters...
Allocating Phi matrix...
Initializing optimization procedure...

This problem occurs even after ensuring that the data fed into the model hasn't been altered, and is reproduced when rolling back the data to previous dates.

Environment Details

Databricks cluster specs:
Driver: r4.8xlarge
Workers: r4.8xlarge
2-8 workers
7.3 LTS (includes Apache Spark 3.0.1, Scala 2.12)
Python 3.7
Located in us-east-1c
Package version: hpfrec==0.2.3.1

Code Snippet
Here is the code snippet for initializing and fitting the model:

model = hpfrec.HPF(
    k=50,
    full_llk=False,
    random_seed=123,
    check_every=10,
    maxiter=150,
    reindex=True,
    allow_inconsistent_math=True,
    ncores=-1,
    stop_crit="diff-norm",
    verbose=True,
)
model.fit(input_data)

We are unsure of the cause of this issue and are eager to troubleshoot this to maintain the efficiency of our production pipeline. Any insights or advice would be highly appreciated.

How to get confidence score for recommended packages?

Hey @david-cortes ,

I can see the package numbers in recommendation. Along with that, can I see the confidence score of the recommended packages as well? Based on my understanding of the code so far, I think it's the same score that's used to sort the packages in topN() function. But, I am unable to figure out as to how can I get that score back. I guess it will be a nice metric to know. Let me know if you have any ideas and if I can send a PR to include that in the library. Thanks.

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    ๐Ÿ–– Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. ๐Ÿ“Š๐Ÿ“ˆ๐ŸŽ‰

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google โค๏ธ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.