Python package for Bayesian Machine Learning with scikit-learn API

Overview

Python package for Bayesian Machine Learning with scikit-learn API

Build Status Coverage Status

alt text alt text alt text alt text

Installing & Upgrading package

pip install https://github.com/AmazaspShumik/sklearn_bayes/archive/master.zip
pip install --upgrade https://github.com/AmazaspShumik/sklearn_bayes/archive/master.zip

Algorithms

  • ARD Models
    • Relevance Vector Regression (version 2.0) code, tutorial
    • Relevance Vector Classifier (version 2.0) code, tutorial
    • Type II Maximum Likelihood ARD Linear Regression code
    • Type II Maximum Likelihood ARD Logistic Regression code, tutorial
    • Variational Relevance Vector Regression code
    • Variational Relevance Vector Classification code, tutorial
  • Decomposition Models
    • Restricted Boltzmann Machines (PCD-k / CD-k, weight decay, adaptive learning rate) code, tutorial
    • Latent Dirichlet Allocation (collapsed Gibbs Sampler) code, tutorial
  • Linear Models
    • Empirical Bayes Linear Regression code, tutorial
    • Empirical Bayes Logistic Regression (uses Laplace Approximation) code, tutorial
    • Variational Bayes Linear Regression code, tutorial
    • Variational Bayes Logististic Regression (uses Jordan local variational bound) code, tutorial
  • Mixture Models
    • Variational Bayes Gaussian Mixture Model with Automatic Model Selection code, tutorial
    • Variational Bayes Bernoulli Mixture Model code, tutorial
    • Dirichlet Process Bernoulli Mixture Model code
    • Dirichlet Process Poisson Mixture Model code
    • Variational Multinoulli Mixture Model code
  • Hidden Markov Models
    • Variational Bayes Poisson Hidden Markov Model code, demo
    • Variational Bayes Bernoulli Hidden Markov Model code
    • Variational Bayes Gaussian Hidden Markov Model code, demo

Contributions:

There are several ways to contribute (and all are welcomed)

 * improve quality of existing code (find bugs, suggest optimization, etc.)
 * implement machine learning algorithm (it should be bayesian; you should also provide examples & notebooks)
 * implement new ipython notebooks with examples 

Bitdeli Badge

Comments
  • 'BayesianLogisticRegression' object has no attribute '_mask_val'

    'BayesianLogisticRegression' object has no attribute '_mask_val'

    Hi, Is this a known issue? Cant even run fit .... blr=BayesianLogisticRegression(n_iter=300, tol=1e-5, fit_intercept=False, verbose=True)

    clf.fit(X_train, y_train) File "/Library/Python/2.7/site-packages/skbayes/linear_models/bayes_logistic.py", line 87, in fit y_bin[~mask] = self._mask_val AttributeError: 'BayesianLogisticRegression' object has no attribute '_mask_val'

    opened by ghost 7
  • 'EBLinearRegression' object has no attribute '_center_data'

    'EBLinearRegression' object has no attribute '_center_data'

    Hello,

    I'm trying to use skbayes with the latest scikit-learn (0.18.x). It looks like self._center_data is no longer being used in sklearn:

    from skbayes.linear_models import EBLinearRegression
    EB = EBLinearRegression()
    
    EB.fit(X,y)
    Traceback (most recent call last):
    
      File "<ipython-input-30-cd5ea38985d5>", line 1, in <module>
        EB.fit(X,y)
    
      File "C:\Anaconda2\lib\site-packages\skbayes\linear_models\bayesian_regression.py", line 102, in fit
        X, y, X_mean, y_mean, X_std = self._center_data(X, y, self.fit_intercept,
    
    AttributeError: 'EBLinearRegression' object has no attribute '_center_data'
    
    bug enhancement help wanted 
    opened by sergeyf 5
  • Issues with near-singular data - ridge as solution?

    Issues with near-singular data - ridge as solution?

    Hello,

    When fitting BayesianRegression with this data:

    X = np.array([[ 0.1,  -0.1,  -0.2,   0.02],
     [ 0.3,  -0.3,  -0.6,   0.06],
     [ 0.4,  -0.4,  -0.8,   0.08],
     [ 0.5,  -0.5,  -1.,    0.1 ]])
    
    Y = np.array([ 0.2,  0.6,  0.8,  1. ])
    

    The returned parameters are pretty crazy:

    Out[16]: 
    {'bias_term': 0.65000000000000002,
     'precision': array([[  8.15645225e+31,  -8.15645225e+31,  -1.63129045e+32,
               1.63129045e+31],
            [ -8.15645225e+31,   8.15645225e+31,   1.63129045e+32,
              -1.63129045e+31],
            [ -1.63129045e+32,   1.63129045e+32,   3.26258090e+32,
              -3.26258090e+31],
            [  1.63129045e+31,  -1.63129045e+31,  -3.26258090e+31,
               3.26258090e+30]]),
     'weights': array([ 0.18599761, -0.34392501, -0.68785002,  0.47188674])}
    

    The issue is that X is nearly singular. Using ridge regression can help in such cases - would it make sense to add a scaled identity to the covariance/precision somewhere along the line to deal with cases like this?

    opened by sergeyf 5
  • ARD and RVR: variance of predicitve distribution, take inverse?

    ARD and RVR: variance of predicitve distribution, take inverse?

    Hello, it seems that in the predict_dist functions, the variance output is calculated using this formula that seems true to me: var=sigma^2+(K^T Sigma K)

    In the code, sigma^2 (identified as alpha_) is directly the precision beta (in the fit method, self.alpha_ = beta). But the precision is usually the inverse of the variance (and seems to be calculated as the inverse of the variance, even in your initialization).

    I think the code is good, just the predict_dist should be : var_hat = 1./self.alpha_ ( and not var_hat = self._alpha) var_hat += ...

    If my thoughts are false, please do correct me! Thank you again, I know looking back to your code must be time consuming...

    opened by sophiegif 4
  • Ipython notebooks for bernoulli mixture models.

    Ipython notebooks for bernoulli mixture models.

    You have some cool ipython notebooks for implemented models but I did not found anything for bernoulli mixture model. Is it just me or there is no notebooks on bmm?

    enhancement 
    opened by BayesianHuman 4
  • RuntimeWarning: divide by zero encountered in divide

    RuntimeWarning: divide by zero encountered in divide

    Hi

    I met the following warning when I was tuning parameters for RVR.

    fast_rvm.py:48: RuntimeWarning: divide by zero encountered in divide deltaL[recompute] = Qrec2 / (Srec + 1. / delta_alpha) - np.log(1 + Srec*delta_alpha)**

    What is the potential reason for this warning?

    opened by mark0935git 3
  • Is the kernel produced for RVR correct?

    Is the kernel produced for RVR correct?

    I have an X training vector passed in that is of shape (2,2219), but the RVR fit() function calls RegressionARD's fit() using a kernel K that is of shape (7,7). This results in my coefficients (coef_) being of size 7, which doesn't seem correct since my n_features is 2219.

    is there an error in the get_kernel function?

    bug 
    opened by thepav 3
  • Fix/improve numerical stability of jordan jaakola lambda

    Fix/improve numerical stability of jordan jaakola lambda

    • Dividing by eps is unstable near eps=0. We use scipy's exprel function to remedy that.
    • (np.exp(eps)+1) becomes unstable for large positive values of eps; since the function is symmetric about eps=0, we use the line eps = -abs(eps) to ensure eps is always negative.
    opened by davidlibland 2
  • Loading the package

    Loading the package

    Hi,

    I've not really been able to use the package yet. I have tried installing it using the pip installer, which did not work.

    Instead, I have cloned the package and tried to do python setup.py install, which worked, but the code examples don't seem to work.

    I realised that I have to probably import sklearn_bayes, but when I dir it, it contains nothing beyond: ['all', 'builtins', 'doc', 'file', 'name', 'package', 'path', 'version']

    Am I doing something wrong?

    question 
    opened by alexvicegrab 2
  • Variational Logistic Regression is too slow!

    Variational Logistic Regression is too slow!

    I was comparing Variational Logistic Regression and Relevance Vector Classifier, and though RVC seems to be more complicated model it is much faster to fit than Variational Bayesian Logistic Regression? Is there any implementation problems?

    enhancement 
    opened by AlexYurasov 2
  • shape of coef_ attribute

    shape of coef_ attribute

    I've been using the RVC model for binary classification and the shape of the coef_ and the active_ attribute after fitting is (1,n_samples) and not (n_features) what I had expected. What does the coef_ attribute represent here?

    opened by olafwied 1
  • Question on RVM implementation details

    Question on RVM implementation details

    Hi, Amazasp Shumik,

    The fast rvm implementation is fantastic, and I learn a lot from your codes. Umm, I have a few question on the implementation details: 1. Q 2. t-hat-before t-hat-after

    So, the calculation of Qm and t hat seems different from the original paper, is it some kind of approximation, and how to deduce them? thx.

    opened by Shi-YangWang 0
  • Cannot install on OS X 10.15

    Cannot install on OS X 10.15

    I get the following errors when trying to install

    (venv) simone ~/PycharmProjects/project $ pip install Cython
    Collecting Cython
      Downloading Cython-0.29.21-cp37-cp37m-macosx_10_9_x86_64.whl (1.9 MB)
         |████████████████████████████████| 1.9 MB 1.3 MB/s 
    Installing collected packages: Cython
    Successfully installed Cython-0.29.21
    WARNING: You are using pip version 20.2.4; however, version 20.3.3 is available.
    You should consider upgrading via the '/Users/simone/PycharmProjects/project/venv/bin/python -m pip install --upgrade pip' command.
    (venv) simone ~/PycharmProjects/project $ pip install https://github.com/AmazaspShumik/sklearn_bayes/archive/master.zip
    Collecting https://github.com/AmazaspShumik/sklearn_bayes/archive/master.zip
      Downloading https://github.com/AmazaspShumik/sklearn_bayes/archive/master.zip
         \ 4.3 MB 255 kB/s
    Requirement already satisfied: numpy>=1.9.2 in ./venv/lib/python3.7/site-packages (from skbayes==0.1.0a1) (1.18.5)
    Requirement already satisfied: scipy>=0.15.1 in ./venv/lib/python3.7/site-packages (from skbayes==0.1.0a1) (1.5.4)
    Requirement already satisfied: scikit-learn>=0.17 in ./venv/lib/python3.7/site-packages (from skbayes==0.1.0a1) (0.23.2)
    Requirement already satisfied: cython>=0.24 in ./venv/lib/python3.7/site-packages (from skbayes==0.1.0a1) (0.29.21)
    Requirement already satisfied: threadpoolctl>=2.0.0 in ./venv/lib/python3.7/site-packages (from scikit-learn>=0.17->skbayes==0.1.0a1) (2.1.0)
    Requirement already satisfied: joblib>=0.11 in ./venv/lib/python3.7/site-packages (from scikit-learn>=0.17->skbayes==0.1.0a1) (0.17.0)
    Building wheels for collected packages: skbayes
      Building wheel for skbayes (setup.py) ... error
      ERROR: Command errored out with exit status 1:
       command: /Users/simone/PycharmProjects/project/venv/bin/python -u -c 'import sys, setuptools, tokenize; sys.argv[0] = '"'"'/private/var/folders/dj/krrkt8p95qndhg46m2n774d80000gn/T/pip-req-build-97u7n087/setup.py'"'"'; __file__='"'"'/private/var/folders/dj/krrkt8p95qndhg46m2n774d80000gn/T/pip-req-build-97u7n087/setup.py'"'"';f=getattr(tokenize, '"'"'open'"'"', open)(__file__);code=f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, __file__, '"'"'exec'"'"'))' bdist_wheel -d /private/var/folders/dj/krrkt8p95qndhg46m2n774d80000gn/T/pip-wheel-94r0n98w
           cwd: /private/var/folders/dj/krrkt8p95qndhg46m2n774d80000gn/T/pip-req-build-97u7n087/
      Complete output (275 lines):
      running bdist_wheel
      running build
      running build_py
      creating build
      creating build/lib.macosx-10.15-x86_64-3.7
      creating build/lib.macosx-10.15-x86_64-3.7/skbayes
      copying skbayes/__init__.py -> build/lib.macosx-10.15-x86_64-3.7/skbayes
      creating build/lib.macosx-10.15-x86_64-3.7/skbayes/decomposition_models
      copying skbayes/decomposition_models/__init__.py -> build/lib.macosx-10.15-x86_64-3.7/skbayes/decomposition_models
      copying skbayes/decomposition_models/rbm.py -> build/lib.macosx-10.15-x86_64-3.7/skbayes/decomposition_models
      creating build/lib.macosx-10.15-x86_64-3.7/skbayes/mixture_models
      copying skbayes/mixture_models/dpmixture.py -> build/lib.macosx-10.15-x86_64-3.7/skbayes/mixture_models
      copying skbayes/mixture_models/mixture.py -> build/lib.macosx-10.15-x86_64-3.7/skbayes/mixture_models
      copying skbayes/mixture_models/__init__.py -> build/lib.macosx-10.15-x86_64-3.7/skbayes/mixture_models
      creating build/lib.macosx-10.15-x86_64-3.7/skbayes/hidden_markov_models
      copying skbayes/hidden_markov_models/__init__.py -> build/lib.macosx-10.15-x86_64-3.7/skbayes/hidden_markov_models
      creating build/lib.macosx-10.15-x86_64-3.7/skbayes/rvm_ard_models
      copying skbayes/rvm_ard_models/fast_rvm.py -> build/lib.macosx-10.15-x86_64-3.7/skbayes/rvm_ard_models
      copying skbayes/rvm_ard_models/__init__.py -> build/lib.macosx-10.15-x86_64-3.7/skbayes/rvm_ard_models
      copying skbayes/rvm_ard_models/vrvm.py -> build/lib.macosx-10.15-x86_64-3.7/skbayes/rvm_ard_models
      creating build/lib.macosx-10.15-x86_64-3.7/skbayes/linear_models
      copying skbayes/linear_models/bayes_logistic.py -> build/lib.macosx-10.15-x86_64-3.7/skbayes/linear_models
      copying skbayes/linear_models/__init__.py -> build/lib.macosx-10.15-x86_64-3.7/skbayes/linear_models
      copying skbayes/linear_models/bayes_linear.py -> build/lib.macosx-10.15-x86_64-3.7/skbayes/linear_models
      running build_ext
      building 'skbayes.decomposition_models.gibbs_lda_cython' extension
      Warning: Can't read registry to find the necessary compiler setting
      Make sure that Python modules winreg, win32api or win32con are installed.
      C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -g -fwrapv -O3 -Wall -I/Library/Developer/CommandLineTools/SDKs/MacOSX.sdk/usr/include -I/Library/Developer/CommandLineTools/SDKs/MacOSX.sdk/usr/include
      
      creating build/temp.macosx-10.15-x86_64-3.7
      creating build/temp.macosx-10.15-x86_64-3.7/skbayes
      creating build/temp.macosx-10.15-x86_64-3.7/skbayes/decomposition_models
      compile options: '-I/Users/simone/PycharmProjects/project/venv/lib/python3.7/site-packages/numpy/core/include -I/Users/simone/PycharmProjects/project/venv/include -I/Users/simone/.pyenv/versions/3.7.3/include/python3.7m -c'
      extra options: '-O3'
      clang: skbayes/decomposition_models/gibbs_lda_cython.c
      In file included from skbayes/decomposition_models/gibbs_lda_cython.c:280:
      In file included from /Users/simone/PycharmProjects/project/venv/lib/python3.7/site-packages/numpy/core/include/numpy/arrayobject.h:4:
      In file included from /Users/simone/PycharmProjects/project/venv/lib/python3.7/site-packages/numpy/core/include/numpy/ndarrayobject.h:12:
      In file included from /Users/simone/PycharmProjects/project/venv/lib/python3.7/site-packages/numpy/core/include/numpy/ndarraytypes.h:1832:
      /Users/simone/PycharmProjects/project/venv/lib/python3.7/site-packages/numpy/core/include/numpy/npy_1_7_deprecated_api.h:17:2: warning: "Using deprecated NumPy API, disable it with "          "#define NPY_NO_DEPRECATED_API NPY_1_7_API_VERSION" [-W#warnings]
      #warning "Using deprecated NumPy API, disable it with " \
       ^
      In file included from skbayes/decomposition_models/gibbs_lda_cython.c:280:
      In file included from /Users/simone/PycharmProjects/project/venv/lib/python3.7/site-packages/numpy/core/include/numpy/arrayobject.h:4:
      In file included from /Users/simone/PycharmProjects/project/venv/lib/python3.7/site-packages/numpy/core/include/numpy/ndarrayobject.h:21:
      /Users/simone/PycharmProjects/project/venv/lib/python3.7/site-packages/numpy/core/include/numpy/__multiarray_api.h:1463:1: warning: unused function '_import_array' [-Wunused-function]
      _import_array(void)
      ^
      skbayes/decomposition_models/gibbs_lda_cython.c:15698:28: warning: unused function '__Pyx_PyObject_AsString' [-Wunused-function]
      static CYTHON_INLINE char* __Pyx_PyObject_AsString(PyObject* o) {
                                 ^
      skbayes/decomposition_models/gibbs_lda_cython.c:15695:32: warning: unused function '__Pyx_PyUnicode_FromString' [-Wunused-function]
      static CYTHON_INLINE PyObject* __Pyx_PyUnicode_FromString(const char* c_str) {
                                     ^
      skbayes/decomposition_models/gibbs_lda_cython.c:15810:33: warning: unused function '__Pyx_PyIndex_AsSsize_t' [-Wunused-function]
      static CYTHON_INLINE Py_ssize_t __Pyx_PyIndex_AsSsize_t(PyObject* b) {
                                      ^
      skbayes/decomposition_models/gibbs_lda_cython.c:15872:33: warning: unused function '__Pyx_PyInt_FromSize_t' [-Wunused-function]
      static CYTHON_INLINE PyObject * __Pyx_PyInt_FromSize_t(size_t ival) {
                                      ^
      skbayes/decomposition_models/gibbs_lda_cython.c:13196:32: warning: unused function '__Pyx_GetItemInt_List_Fast' [-Wunused-function]
      static CYTHON_INLINE PyObject *__Pyx_GetItemInt_List_Fast(PyObject *o, Py_ssize_t i,
                                     ^
      skbayes/decomposition_models/gibbs_lda_cython.c:13211:32: warning: unused function '__Pyx_GetItemInt_Tuple_Fast' [-Wunused-function]
      static CYTHON_INLINE PyObject *__Pyx_GetItemInt_Tuple_Fast(PyObject *o, Py_ssize_t i,
                                     ^
      skbayes/decomposition_models/gibbs_lda_cython.c:14404:28: warning: unused function '__Pyx_CyFunction_InitDefaults' [-Wunused-function]
      static CYTHON_INLINE void *__Pyx_CyFunction_InitDefaults(PyObject *func, size_t size, int pyobjects) {
                                 ^
      skbayes/decomposition_models/gibbs_lda_cython.c:14418:27: warning: unused function '__Pyx_CyFunction_SetDefaultsKwDict' [-Wunused-function]
      static CYTHON_INLINE void __Pyx_CyFunction_SetDefaultsKwDict(PyObject *func, PyObject *dict) {
                                ^
      skbayes/decomposition_models/gibbs_lda_cython.c:14423:27: warning: unused function '__Pyx_CyFunction_SetAnnotationsDict' [-Wunused-function]
      static CYTHON_INLINE void __Pyx_CyFunction_SetAnnotationsDict(PyObject *func, PyObject *dict) {
                                ^
      skbayes/decomposition_models/gibbs_lda_cython.c:14899:48: warning: unused function '__pyx_t_float_complex_from_parts' [-Wunused-function]
          static CYTHON_INLINE __pyx_t_float_complex __pyx_t_float_complex_from_parts(float x, float y) {
                                                     ^
      skbayes/decomposition_models/gibbs_lda_cython.c:14910:30: warning: unused function '__Pyx_c_eqf' [-Wunused-function]
          static CYTHON_INLINE int __Pyx_c_eqf(__pyx_t_float_complex a, __pyx_t_float_complex b) {
                                   ^
      skbayes/decomposition_models/gibbs_lda_cython.c:14913:48: warning: unused function '__Pyx_c_sumf' [-Wunused-function]
          static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_sumf(__pyx_t_float_complex a, __pyx_t_float_complex b) {
                                                     ^
      skbayes/decomposition_models/gibbs_lda_cython.c:14919:48: warning: unused function '__Pyx_c_difff' [-Wunused-function]
          static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_difff(__pyx_t_float_complex a, __pyx_t_float_complex b) {
                                                     ^
      skbayes/decomposition_models/gibbs_lda_cython.c:14931:48: warning: unused function '__Pyx_c_quotf' [-Wunused-function]
          static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_quotf(__pyx_t_float_complex a, __pyx_t_float_complex b) {
                                                     ^
      skbayes/decomposition_models/gibbs_lda_cython.c:14938:48: warning: unused function '__Pyx_c_negf' [-Wunused-function]
          static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_negf(__pyx_t_float_complex a) {
                                                     ^
      skbayes/decomposition_models/gibbs_lda_cython.c:14944:30: warning: unused function '__Pyx_c_is_zerof' [-Wunused-function]
          static CYTHON_INLINE int __Pyx_c_is_zerof(__pyx_t_float_complex a) {
                                   ^
      skbayes/decomposition_models/gibbs_lda_cython.c:14947:48: warning: unused function '__Pyx_c_conjf' [-Wunused-function]
          static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_conjf(__pyx_t_float_complex a) {
                                                     ^
      skbayes/decomposition_models/gibbs_lda_cython.c:14961:52: warning: unused function '__Pyx_c_powf' [-Wunused-function]
              static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_powf(__pyx_t_float_complex a, __pyx_t_float_complex b) {
                                                         ^
      skbayes/decomposition_models/gibbs_lda_cython.c:15021:49: warning: unused function '__pyx_t_double_complex_from_parts' [-Wunused-function]
          static CYTHON_INLINE __pyx_t_double_complex __pyx_t_double_complex_from_parts(double x, double y) {
                                                      ^
      skbayes/decomposition_models/gibbs_lda_cython.c:15032:30: warning: unused function '__Pyx_c_eq' [-Wunused-function]
          static CYTHON_INLINE int __Pyx_c_eq(__pyx_t_double_complex a, __pyx_t_double_complex b) {
                                   ^
      skbayes/decomposition_models/gibbs_lda_cython.c:15035:49: warning: unused function '__Pyx_c_sum' [-Wunused-function]
          static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_sum(__pyx_t_double_complex a, __pyx_t_double_complex b) {
                                                      ^
      skbayes/decomposition_models/gibbs_lda_cython.c:15041:49: warning: unused function '__Pyx_c_diff' [-Wunused-function]
          static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_diff(__pyx_t_double_complex a, __pyx_t_double_complex b) {
                                                      ^
      skbayes/decomposition_models/gibbs_lda_cython.c:15053:49: warning: unused function '__Pyx_c_quot' [-Wunused-function]
          static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_quot(__pyx_t_double_complex a, __pyx_t_double_complex b) {
                                                      ^
      skbayes/decomposition_models/gibbs_lda_cython.c:15060:49: warning: unused function '__Pyx_c_neg' [-Wunused-function]
          static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_neg(__pyx_t_double_complex a) {
                                                      ^
      skbayes/decomposition_models/gibbs_lda_cython.c:15066:30: warning: unused function '__Pyx_c_is_zero' [-Wunused-function]
          static CYTHON_INLINE int __Pyx_c_is_zero(__pyx_t_double_complex a) {
                                   ^
      skbayes/decomposition_models/gibbs_lda_cython.c:15069:49: warning: unused function '__Pyx_c_conj' [-Wunused-function]
          static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_conj(__pyx_t_double_complex a) {
                                                      ^
      skbayes/decomposition_models/gibbs_lda_cython.c:15083:53: warning: unused function '__Pyx_c_pow' [-Wunused-function]
              static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_pow(__pyx_t_double_complex a, __pyx_t_double_complex b) {
                                                          ^
      skbayes/decomposition_models/gibbs_lda_cython.c:9832:32: warning: unused function '__pyx_f_5numpy_PyArray_MultiIterNew1' [-Wunused-function]
      static CYTHON_INLINE PyObject *__pyx_f_5numpy_PyArray_MultiIterNew1(PyObject *__pyx_v_a) {
                                     ^
      skbayes/decomposition_models/gibbs_lda_cython.c:9879:32: warning: unused function '__pyx_f_5numpy_PyArray_MultiIterNew2' [-Wunused-function]
      static CYTHON_INLINE PyObject *__pyx_f_5numpy_PyArray_MultiIterNew2(PyObject *__pyx_v_a, PyObject *__pyx_v_b) {
                                     ^
      skbayes/decomposition_models/gibbs_lda_cython.c:9926:32: warning: unused function '__pyx_f_5numpy_PyArray_MultiIterNew3' [-Wunused-function]
      static CYTHON_INLINE PyObject *__pyx_f_5numpy_PyArray_MultiIterNew3(PyObject *__pyx_v_a, PyObject *__pyx_v_b, PyObject *__pyx_v_c) {
                                     ^
      skbayes/decomposition_models/gibbs_lda_cython.c:9973:32: warning: unused function '__pyx_f_5numpy_PyArray_MultiIterNew4' [-Wunused-function]
      static CYTHON_INLINE PyObject *__pyx_f_5numpy_PyArray_MultiIterNew4(PyObject *__pyx_v_a, PyObject *__pyx_v_b, PyObject *__pyx_v_c, PyObject *__pyx_v_d) {
                                     ^
      skbayes/decomposition_models/gibbs_lda_cython.c:10020:32: warning: unused function '__pyx_f_5numpy_PyArray_MultiIterNew5' [-Wunused-function]
      static CYTHON_INLINE PyObject *__pyx_f_5numpy_PyArray_MultiIterNew5(PyObject *__pyx_v_a, PyObject *__pyx_v_b, PyObject *__pyx_v_c, PyObject *__pyx_v_d, PyObject *__pyx_v_e) {
                                     ^
      skbayes/decomposition_models/gibbs_lda_cython.c:10822:27: warning: unused function '__pyx_f_5numpy_set_array_base' [-Wunused-function]
      static CYTHON_INLINE void __pyx_f_5numpy_set_array_base(PyArrayObject *__pyx_v_arr, PyObject *__pyx_v_base) {
                                ^
      skbayes/decomposition_models/gibbs_lda_cython.c:10918:32: warning: unused function '__pyx_f_5numpy_get_array_base' [-Wunused-function]
      static CYTHON_INLINE PyObject *__pyx_f_5numpy_get_array_base(PyArrayObject *__pyx_v_arr) {
                                     ^
      36 warnings generated.
      clang -bundle -undefined dynamic_lookup -L/usr/local/opt/readline/lib -L/usr/local/opt/readline/lib -L/Users/simone/.pyenv/versions/3.7.3/lib -L/usr/local/opt/readline/lib -L/usr/local/opt/readline/lib -L/Users/simone/.pyenv/versions/3.7.3/lib build/temp.macosx-10.15-x86_64-3.7/skbayes/decomposition_models/gibbs_lda_cython.o -L/Users/simone/PycharmProjects/project/venv/lib/python3.7/site-packages/numpy/core/lib -lnpymath -o build/lib.macosx-10.15-x86_64-3.7/skbayes/decomposition_models/gibbs_lda_cython.cpython-37m-darwin.so
      building 'skbayes.hidden_markov_models.hmm' extension
      C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -g -fwrapv -O3 -Wall -I/Library/Developer/CommandLineTools/SDKs/MacOSX.sdk/usr/include -I/Library/Developer/CommandLineTools/SDKs/MacOSX.sdk/usr/include
      
      creating build/temp.macosx-10.15-x86_64-3.7/skbayes/hidden_markov_models
      compile options: '-I/Users/simone/PycharmProjects/project/venv/lib/python3.7/site-packages/numpy/core/include -I/Users/simone/PycharmProjects/project/venv/include -I/Users/simone/.pyenv/versions/3.7.3/include/python3.7m -c'
      extra options: '-O3'
      clang: skbayes/hidden_markov_models/hmm.c
      In file included from skbayes/hidden_markov_models/hmm.c:280:
      In file included from /Users/simone/PycharmProjects/project/venv/lib/python3.7/site-packages/numpy/core/include/numpy/arrayobject.h:4:
      In file included from /Users/simone/PycharmProjects/project/venv/lib/python3.7/site-packages/numpy/core/include/numpy/ndarrayobject.h:12:
      In file included from /Users/simone/PycharmProjects/project/venv/lib/python3.7/site-packages/numpy/core/include/numpy/ndarraytypes.h:1832:
      /Users/simone/PycharmProjects/project/venv/lib/python3.7/site-packages/numpy/core/include/numpy/npy_1_7_deprecated_api.h:17:2: warning: "Using deprecated NumPy API, disable it with "          "#define NPY_NO_DEPRECATED_API NPY_1_7_API_VERSION" [-W#warnings]
      #warning "Using deprecated NumPy API, disable it with " \
       ^
      skbayes/hidden_markov_models/hmm.c:28348:21: error: no member named 'exc_type' in 'struct _ts'
          *type = tstate->exc_type;
                  ~~~~~~  ^
      skbayes/hidden_markov_models/hmm.c:28349:22: error: no member named 'exc_value' in 'struct _ts'; did you mean 'curexc_value'?
          *value = tstate->exc_value;
                           ^~~~~~~~~
                           curexc_value
      /Users/simone/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
          PyObject *curexc_value;
                    ^
      skbayes/hidden_markov_models/hmm.c:28350:19: error: no member named 'exc_traceback' in 'struct _ts'; did you mean 'curexc_traceback'?
          *tb = tstate->exc_traceback;
                        ^~~~~~~~~~~~~
                        curexc_traceback
      /Users/simone/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
          PyObject *curexc_traceback;
                    ^
      skbayes/hidden_markov_models/hmm.c:28357:24: error: no member named 'exc_type' in 'struct _ts'
          tmp_type = tstate->exc_type;
                     ~~~~~~  ^
      skbayes/hidden_markov_models/hmm.c:28358:25: error: no member named 'exc_value' in 'struct _ts'; did you mean 'curexc_value'?
          tmp_value = tstate->exc_value;
                              ^~~~~~~~~
                              curexc_value
      /Users/simone/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
          PyObject *curexc_value;
                    ^
      skbayes/hidden_markov_models/hmm.c:28359:22: error: no member named 'exc_traceback' in 'struct _ts'; did you mean 'curexc_traceback'?
          tmp_tb = tstate->exc_traceback;
                           ^~~~~~~~~~~~~
                           curexc_traceback
      /Users/simone/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
          PyObject *curexc_traceback;
                    ^
      skbayes/hidden_markov_models/hmm.c:28360:13: error: no member named 'exc_type' in 'struct _ts'
          tstate->exc_type = type;
          ~~~~~~  ^
      skbayes/hidden_markov_models/hmm.c:28361:13: error: no member named 'exc_value' in 'struct _ts'; did you mean 'curexc_value'?
          tstate->exc_value = value;
                  ^~~~~~~~~
                  curexc_value
      /Users/simone/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
          PyObject *curexc_value;
                    ^
      skbayes/hidden_markov_models/hmm.c:28362:13: error: no member named 'exc_traceback' in 'struct _ts'; did you mean 'curexc_traceback'?
          tstate->exc_traceback = tb;
                  ^~~~~~~~~~~~~
                  curexc_traceback
      /Users/simone/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
          PyObject *curexc_traceback;
                    ^
      skbayes/hidden_markov_models/hmm.c:28407:24: error: no member named 'exc_type' in 'struct _ts'
          tmp_type = tstate->exc_type;
                     ~~~~~~  ^
      skbayes/hidden_markov_models/hmm.c:28408:25: error: no member named 'exc_value' in 'struct _ts'; did you mean 'curexc_value'?
          tmp_value = tstate->exc_value;
                              ^~~~~~~~~
                              curexc_value
      /Users/simone/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
          PyObject *curexc_value;
                    ^
      skbayes/hidden_markov_models/hmm.c:28409:22: error: no member named 'exc_traceback' in 'struct _ts'; did you mean 'curexc_traceback'?
          tmp_tb = tstate->exc_traceback;
                           ^~~~~~~~~~~~~
                           curexc_traceback
      /Users/simone/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
          PyObject *curexc_traceback;
                    ^
      skbayes/hidden_markov_models/hmm.c:28410:13: error: no member named 'exc_type' in 'struct _ts'
          tstate->exc_type = local_type;
          ~~~~~~  ^
      skbayes/hidden_markov_models/hmm.c:28411:13: error: no member named 'exc_value' in 'struct _ts'; did you mean 'curexc_value'?
          tstate->exc_value = local_value;
                  ^~~~~~~~~
                  curexc_value
      /Users/simone/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
          PyObject *curexc_value;
                    ^
      skbayes/hidden_markov_models/hmm.c:28412:13: error: no member named 'exc_traceback' in 'struct _ts'; did you mean 'curexc_traceback'?
          tstate->exc_traceback = local_tb;
                  ^~~~~~~~~~~~~
                  curexc_traceback
      /Users/simone/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
          PyObject *curexc_traceback;
                    ^
      skbayes/hidden_markov_models/hmm.c:30306:24: error: no member named 'exc_type' in 'struct _ts'
          tmp_type = tstate->exc_type;
                     ~~~~~~  ^
      skbayes/hidden_markov_models/hmm.c:30307:25: error: no member named 'exc_value' in 'struct _ts'; did you mean 'curexc_value'?
          tmp_value = tstate->exc_value;
                              ^~~~~~~~~
                              curexc_value
      /Users/simone/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
          PyObject *curexc_value;
                    ^
      skbayes/hidden_markov_models/hmm.c:30308:22: error: no member named 'exc_traceback' in 'struct _ts'; did you mean 'curexc_traceback'?
          tmp_tb = tstate->exc_traceback;
                           ^~~~~~~~~~~~~
                           curexc_traceback
      /Users/simone/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
          PyObject *curexc_traceback;
                    ^
      skbayes/hidden_markov_models/hmm.c:30309:13: error: no member named 'exc_type' in 'struct _ts'
          tstate->exc_type = *type;
          ~~~~~~  ^
      fatal error: too many errors emitted, stopping now [-ferror-limit=]
      1 warning and 20 errors generated.
      error: Command "clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -g -fwrapv -O3 -Wall -I/Library/Developer/CommandLineTools/SDKs/MacOSX.sdk/usr/include -I/Library/Developer/CommandLineTools/SDKs/MacOSX.sdk/usr/include -I/Users/simone/PycharmProjects/project/venv/lib/python3.7/site-packages/numpy/core/include -I/Users/simone/PycharmProjects/project/venv/include -I/Users/simone/.pyenv/versions/3.7.3/include/python3.7m -c skbayes/hidden_markov_models/hmm.c -o build/temp.macosx-10.15-x86_64-3.7/skbayes/hidden_markov_models/hmm.o -O3" failed with exit status 1
      ----------------------------------------
      ERROR: Failed building wheel for skbayes
      Running setup.py clean for skbayes
    Failed to build skbayes
    Installing collected packages: skbayes
        Running setup.py install for skbayes ... error
        ERROR: Command errored out with exit status 1:
         command: /Users/simone/PycharmProjects/project/venv/bin/python -u -c 'import sys, setuptools, tokenize; sys.argv[0] = '"'"'/private/var/folders/dj/krrkt8p95qndhg46m2n774d80000gn/T/pip-req-build-97u7n087/setup.py'"'"'; __file__='"'"'/private/var/folders/dj/krrkt8p95qndhg46m2n774d80000gn/T/pip-req-build-97u7n087/setup.py'"'"';f=getattr(tokenize, '"'"'open'"'"', open)(__file__);code=f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, __file__, '"'"'exec'"'"'))' install --record /private/var/folders/dj/krrkt8p95qndhg46m2n774d80000gn/T/pip-record-5k3krs1g/install-record.txt --single-version-externally-managed --compile --install-headers /Users/simone/PycharmProjects/project/venv/include/site/python3.7/skbayes
             cwd: /private/var/folders/dj/krrkt8p95qndhg46m2n774d80000gn/T/pip-req-build-97u7n087/
        Complete output (275 lines):
        running install
        running build
        running build_py
        creating build
        creating build/lib.macosx-10.15-x86_64-3.7
        creating build/lib.macosx-10.15-x86_64-3.7/skbayes
        copying skbayes/__init__.py -> build/lib.macosx-10.15-x86_64-3.7/skbayes
        creating build/lib.macosx-10.15-x86_64-3.7/skbayes/decomposition_models
        copying skbayes/decomposition_models/__init__.py -> build/lib.macosx-10.15-x86_64-3.7/skbayes/decomposition_models
        copying skbayes/decomposition_models/rbm.py -> build/lib.macosx-10.15-x86_64-3.7/skbayes/decomposition_models
        creating build/lib.macosx-10.15-x86_64-3.7/skbayes/mixture_models
        copying skbayes/mixture_models/dpmixture.py -> build/lib.macosx-10.15-x86_64-3.7/skbayes/mixture_models
        copying skbayes/mixture_models/mixture.py -> build/lib.macosx-10.15-x86_64-3.7/skbayes/mixture_models
        copying skbayes/mixture_models/__init__.py -> build/lib.macosx-10.15-x86_64-3.7/skbayes/mixture_models
        creating build/lib.macosx-10.15-x86_64-3.7/skbayes/hidden_markov_models
        copying skbayes/hidden_markov_models/__init__.py -> build/lib.macosx-10.15-x86_64-3.7/skbayes/hidden_markov_models
        creating build/lib.macosx-10.15-x86_64-3.7/skbayes/rvm_ard_models
        copying skbayes/rvm_ard_models/fast_rvm.py -> build/lib.macosx-10.15-x86_64-3.7/skbayes/rvm_ard_models
        copying skbayes/rvm_ard_models/__init__.py -> build/lib.macosx-10.15-x86_64-3.7/skbayes/rvm_ard_models
        copying skbayes/rvm_ard_models/vrvm.py -> build/lib.macosx-10.15-x86_64-3.7/skbayes/rvm_ard_models
        creating build/lib.macosx-10.15-x86_64-3.7/skbayes/linear_models
        copying skbayes/linear_models/bayes_logistic.py -> build/lib.macosx-10.15-x86_64-3.7/skbayes/linear_models
        copying skbayes/linear_models/__init__.py -> build/lib.macosx-10.15-x86_64-3.7/skbayes/linear_models
        copying skbayes/linear_models/bayes_linear.py -> build/lib.macosx-10.15-x86_64-3.7/skbayes/linear_models
        running build_ext
        building 'skbayes.decomposition_models.gibbs_lda_cython' extension
        Warning: Can't read registry to find the necessary compiler setting
        Make sure that Python modules winreg, win32api or win32con are installed.
        C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -g -fwrapv -O3 -Wall -I/Library/Developer/CommandLineTools/SDKs/MacOSX.sdk/usr/include -I/Library/Developer/CommandLineTools/SDKs/MacOSX.sdk/usr/include
        
        creating build/temp.macosx-10.15-x86_64-3.7
        creating build/temp.macosx-10.15-x86_64-3.7/skbayes
        creating build/temp.macosx-10.15-x86_64-3.7/skbayes/decomposition_models
        compile options: '-I/Users/simone/PycharmProjects/project/venv/lib/python3.7/site-packages/numpy/core/include -I/Users/simone/PycharmProjects/project/venv/include -I/Users/simone/.pyenv/versions/3.7.3/include/python3.7m -c'
        extra options: '-O3'
        clang: skbayes/decomposition_models/gibbs_lda_cython.c
        In file included from skbayes/decomposition_models/gibbs_lda_cython.c:280:
        In file included from /Users/simone/PycharmProjects/project/venv/lib/python3.7/site-packages/numpy/core/include/numpy/arrayobject.h:4:
        In file included from /Users/simone/PycharmProjects/project/venv/lib/python3.7/site-packages/numpy/core/include/numpy/ndarrayobject.h:12:
        In file included from /Users/simone/PycharmProjects/project/venv/lib/python3.7/site-packages/numpy/core/include/numpy/ndarraytypes.h:1832:
        /Users/simone/PycharmProjects/project/venv/lib/python3.7/site-packages/numpy/core/include/numpy/npy_1_7_deprecated_api.h:17:2: warning: "Using deprecated NumPy API, disable it with "          "#define NPY_NO_DEPRECATED_API NPY_1_7_API_VERSION" [-W#warnings]
        #warning "Using deprecated NumPy API, disable it with " \
         ^
        In file included from skbayes/decomposition_models/gibbs_lda_cython.c:280:
        In file included from /Users/simone/PycharmProjects/project/venv/lib/python3.7/site-packages/numpy/core/include/numpy/arrayobject.h:4:
        In file included from /Users/simone/PycharmProjects/project/venv/lib/python3.7/site-packages/numpy/core/include/numpy/ndarrayobject.h:21:
        /Users/simone/PycharmProjects/project/venv/lib/python3.7/site-packages/numpy/core/include/numpy/__multiarray_api.h:1463:1: warning: unused function '_import_array' [-Wunused-function]
        _import_array(void)
        ^
        skbayes/decomposition_models/gibbs_lda_cython.c:15698:28: warning: unused function '__Pyx_PyObject_AsString' [-Wunused-function]
        static CYTHON_INLINE char* __Pyx_PyObject_AsString(PyObject* o) {
                                   ^
        skbayes/decomposition_models/gibbs_lda_cython.c:15695:32: warning: unused function '__Pyx_PyUnicode_FromString' [-Wunused-function]
        static CYTHON_INLINE PyObject* __Pyx_PyUnicode_FromString(const char* c_str) {
                                       ^
        skbayes/decomposition_models/gibbs_lda_cython.c:15810:33: warning: unused function '__Pyx_PyIndex_AsSsize_t' [-Wunused-function]
        static CYTHON_INLINE Py_ssize_t __Pyx_PyIndex_AsSsize_t(PyObject* b) {
                                        ^
        skbayes/decomposition_models/gibbs_lda_cython.c:15872:33: warning: unused function '__Pyx_PyInt_FromSize_t' [-Wunused-function]
        static CYTHON_INLINE PyObject * __Pyx_PyInt_FromSize_t(size_t ival) {
                                        ^
        skbayes/decomposition_models/gibbs_lda_cython.c:13196:32: warning: unused function '__Pyx_GetItemInt_List_Fast' [-Wunused-function]
        static CYTHON_INLINE PyObject *__Pyx_GetItemInt_List_Fast(PyObject *o, Py_ssize_t i,
                                       ^
        skbayes/decomposition_models/gibbs_lda_cython.c:13211:32: warning: unused function '__Pyx_GetItemInt_Tuple_Fast' [-Wunused-function]
        static CYTHON_INLINE PyObject *__Pyx_GetItemInt_Tuple_Fast(PyObject *o, Py_ssize_t i,
                                       ^
        skbayes/decomposition_models/gibbs_lda_cython.c:14404:28: warning: unused function '__Pyx_CyFunction_InitDefaults' [-Wunused-function]
        static CYTHON_INLINE void *__Pyx_CyFunction_InitDefaults(PyObject *func, size_t size, int pyobjects) {
                                   ^
        skbayes/decomposition_models/gibbs_lda_cython.c:14418:27: warning: unused function '__Pyx_CyFunction_SetDefaultsKwDict' [-Wunused-function]
        static CYTHON_INLINE void __Pyx_CyFunction_SetDefaultsKwDict(PyObject *func, PyObject *dict) {
                                  ^
        skbayes/decomposition_models/gibbs_lda_cython.c:14423:27: warning: unused function '__Pyx_CyFunction_SetAnnotationsDict' [-Wunused-function]
        static CYTHON_INLINE void __Pyx_CyFunction_SetAnnotationsDict(PyObject *func, PyObject *dict) {
                                  ^
        skbayes/decomposition_models/gibbs_lda_cython.c:14899:48: warning: unused function '__pyx_t_float_complex_from_parts' [-Wunused-function]
            static CYTHON_INLINE __pyx_t_float_complex __pyx_t_float_complex_from_parts(float x, float y) {
                                                       ^
        skbayes/decomposition_models/gibbs_lda_cython.c:14910:30: warning: unused function '__Pyx_c_eqf' [-Wunused-function]
            static CYTHON_INLINE int __Pyx_c_eqf(__pyx_t_float_complex a, __pyx_t_float_complex b) {
                                     ^
        skbayes/decomposition_models/gibbs_lda_cython.c:14913:48: warning: unused function '__Pyx_c_sumf' [-Wunused-function]
            static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_sumf(__pyx_t_float_complex a, __pyx_t_float_complex b) {
                                                       ^
        skbayes/decomposition_models/gibbs_lda_cython.c:14919:48: warning: unused function '__Pyx_c_difff' [-Wunused-function]
            static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_difff(__pyx_t_float_complex a, __pyx_t_float_complex b) {
                                                       ^
        skbayes/decomposition_models/gibbs_lda_cython.c:14931:48: warning: unused function '__Pyx_c_quotf' [-Wunused-function]
            static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_quotf(__pyx_t_float_complex a, __pyx_t_float_complex b) {
                                                       ^
        skbayes/decomposition_models/gibbs_lda_cython.c:14938:48: warning: unused function '__Pyx_c_negf' [-Wunused-function]
            static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_negf(__pyx_t_float_complex a) {
                                                       ^
        skbayes/decomposition_models/gibbs_lda_cython.c:14944:30: warning: unused function '__Pyx_c_is_zerof' [-Wunused-function]
            static CYTHON_INLINE int __Pyx_c_is_zerof(__pyx_t_float_complex a) {
                                     ^
        skbayes/decomposition_models/gibbs_lda_cython.c:14947:48: warning: unused function '__Pyx_c_conjf' [-Wunused-function]
            static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_conjf(__pyx_t_float_complex a) {
                                                       ^
        skbayes/decomposition_models/gibbs_lda_cython.c:14961:52: warning: unused function '__Pyx_c_powf' [-Wunused-function]
                static CYTHON_INLINE __pyx_t_float_complex __Pyx_c_powf(__pyx_t_float_complex a, __pyx_t_float_complex b) {
                                                           ^
        skbayes/decomposition_models/gibbs_lda_cython.c:15021:49: warning: unused function '__pyx_t_double_complex_from_parts' [-Wunused-function]
            static CYTHON_INLINE __pyx_t_double_complex __pyx_t_double_complex_from_parts(double x, double y) {
                                                        ^
        skbayes/decomposition_models/gibbs_lda_cython.c:15032:30: warning: unused function '__Pyx_c_eq' [-Wunused-function]
            static CYTHON_INLINE int __Pyx_c_eq(__pyx_t_double_complex a, __pyx_t_double_complex b) {
                                     ^
        skbayes/decomposition_models/gibbs_lda_cython.c:15035:49: warning: unused function '__Pyx_c_sum' [-Wunused-function]
            static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_sum(__pyx_t_double_complex a, __pyx_t_double_complex b) {
                                                        ^
        skbayes/decomposition_models/gibbs_lda_cython.c:15041:49: warning: unused function '__Pyx_c_diff' [-Wunused-function]
            static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_diff(__pyx_t_double_complex a, __pyx_t_double_complex b) {
                                                        ^
        skbayes/decomposition_models/gibbs_lda_cython.c:15053:49: warning: unused function '__Pyx_c_quot' [-Wunused-function]
            static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_quot(__pyx_t_double_complex a, __pyx_t_double_complex b) {
                                                        ^
        skbayes/decomposition_models/gibbs_lda_cython.c:15060:49: warning: unused function '__Pyx_c_neg' [-Wunused-function]
            static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_neg(__pyx_t_double_complex a) {
                                                        ^
        skbayes/decomposition_models/gibbs_lda_cython.c:15066:30: warning: unused function '__Pyx_c_is_zero' [-Wunused-function]
            static CYTHON_INLINE int __Pyx_c_is_zero(__pyx_t_double_complex a) {
                                     ^
        skbayes/decomposition_models/gibbs_lda_cython.c:15069:49: warning: unused function '__Pyx_c_conj' [-Wunused-function]
            static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_conj(__pyx_t_double_complex a) {
                                                        ^
        skbayes/decomposition_models/gibbs_lda_cython.c:15083:53: warning: unused function '__Pyx_c_pow' [-Wunused-function]
                static CYTHON_INLINE __pyx_t_double_complex __Pyx_c_pow(__pyx_t_double_complex a, __pyx_t_double_complex b) {
                                                            ^
        skbayes/decomposition_models/gibbs_lda_cython.c:9832:32: warning: unused function '__pyx_f_5numpy_PyArray_MultiIterNew1' [-Wunused-function]
        static CYTHON_INLINE PyObject *__pyx_f_5numpy_PyArray_MultiIterNew1(PyObject *__pyx_v_a) {
                                       ^
        skbayes/decomposition_models/gibbs_lda_cython.c:9879:32: warning: unused function '__pyx_f_5numpy_PyArray_MultiIterNew2' [-Wunused-function]
        static CYTHON_INLINE PyObject *__pyx_f_5numpy_PyArray_MultiIterNew2(PyObject *__pyx_v_a, PyObject *__pyx_v_b) {
                                       ^
        skbayes/decomposition_models/gibbs_lda_cython.c:9926:32: warning: unused function '__pyx_f_5numpy_PyArray_MultiIterNew3' [-Wunused-function]
        static CYTHON_INLINE PyObject *__pyx_f_5numpy_PyArray_MultiIterNew3(PyObject *__pyx_v_a, PyObject *__pyx_v_b, PyObject *__pyx_v_c) {
                                       ^
        skbayes/decomposition_models/gibbs_lda_cython.c:9973:32: warning: unused function '__pyx_f_5numpy_PyArray_MultiIterNew4' [-Wunused-function]
        static CYTHON_INLINE PyObject *__pyx_f_5numpy_PyArray_MultiIterNew4(PyObject *__pyx_v_a, PyObject *__pyx_v_b, PyObject *__pyx_v_c, PyObject *__pyx_v_d) {
                                       ^
        skbayes/decomposition_models/gibbs_lda_cython.c:10020:32: warning: unused function '__pyx_f_5numpy_PyArray_MultiIterNew5' [-Wunused-function]
        static CYTHON_INLINE PyObject *__pyx_f_5numpy_PyArray_MultiIterNew5(PyObject *__pyx_v_a, PyObject *__pyx_v_b, PyObject *__pyx_v_c, PyObject *__pyx_v_d, PyObject *__pyx_v_e) {
                                       ^
        skbayes/decomposition_models/gibbs_lda_cython.c:10822:27: warning: unused function '__pyx_f_5numpy_set_array_base' [-Wunused-function]
        static CYTHON_INLINE void __pyx_f_5numpy_set_array_base(PyArrayObject *__pyx_v_arr, PyObject *__pyx_v_base) {
                                  ^
        skbayes/decomposition_models/gibbs_lda_cython.c:10918:32: warning: unused function '__pyx_f_5numpy_get_array_base' [-Wunused-function]
        static CYTHON_INLINE PyObject *__pyx_f_5numpy_get_array_base(PyArrayObject *__pyx_v_arr) {
                                       ^
        36 warnings generated.
        clang -bundle -undefined dynamic_lookup -L/usr/local/opt/readline/lib -L/usr/local/opt/readline/lib -L/Users/simone/.pyenv/versions/3.7.3/lib -L/usr/local/opt/readline/lib -L/usr/local/opt/readline/lib -L/Users/simone/.pyenv/versions/3.7.3/lib build/temp.macosx-10.15-x86_64-3.7/skbayes/decomposition_models/gibbs_lda_cython.o -L/Users/simone/PycharmProjects/project/venv/lib/python3.7/site-packages/numpy/core/lib -lnpymath -o build/lib.macosx-10.15-x86_64-3.7/skbayes/decomposition_models/gibbs_lda_cython.cpython-37m-darwin.so
        building 'skbayes.hidden_markov_models.hmm' extension
        C compiler: clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -g -fwrapv -O3 -Wall -I/Library/Developer/CommandLineTools/SDKs/MacOSX.sdk/usr/include -I/Library/Developer/CommandLineTools/SDKs/MacOSX.sdk/usr/include
        
        creating build/temp.macosx-10.15-x86_64-3.7/skbayes/hidden_markov_models
        compile options: '-I/Users/simone/PycharmProjects/project/venv/lib/python3.7/site-packages/numpy/core/include -I/Users/simone/PycharmProjects/project/venv/include -I/Users/simone/.pyenv/versions/3.7.3/include/python3.7m -c'
        extra options: '-O3'
        clang: skbayes/hidden_markov_models/hmm.c
        In file included from skbayes/hidden_markov_models/hmm.c:280:
        In file included from /Users/simone/PycharmProjects/project/venv/lib/python3.7/site-packages/numpy/core/include/numpy/arrayobject.h:4:
        In file included from /Users/simone/PycharmProjects/project/venv/lib/python3.7/site-packages/numpy/core/include/numpy/ndarrayobject.h:12:
        In file included from /Users/simone/PycharmProjects/project/venv/lib/python3.7/site-packages/numpy/core/include/numpy/ndarraytypes.h:1832:
        /Users/simone/PycharmProjects/project/venv/lib/python3.7/site-packages/numpy/core/include/numpy/npy_1_7_deprecated_api.h:17:2: warning: "Using deprecated NumPy API, disable it with "          "#define NPY_NO_DEPRECATED_API NPY_1_7_API_VERSION" [-W#warnings]
        #warning "Using deprecated NumPy API, disable it with " \
         ^
        skbayes/hidden_markov_models/hmm.c:28348:21: error: no member named 'exc_type' in 'struct _ts'
            *type = tstate->exc_type;
                    ~~~~~~  ^
        skbayes/hidden_markov_models/hmm.c:28349:22: error: no member named 'exc_value' in 'struct _ts'; did you mean 'curexc_value'?
            *value = tstate->exc_value;
                             ^~~~~~~~~
                             curexc_value
        /Users/simone/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
            PyObject *curexc_value;
                      ^
        skbayes/hidden_markov_models/hmm.c:28350:19: error: no member named 'exc_traceback' in 'struct _ts'; did you mean 'curexc_traceback'?
            *tb = tstate->exc_traceback;
                          ^~~~~~~~~~~~~
                          curexc_traceback
        /Users/simone/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
            PyObject *curexc_traceback;
                      ^
        skbayes/hidden_markov_models/hmm.c:28357:24: error: no member named 'exc_type' in 'struct _ts'
            tmp_type = tstate->exc_type;
                       ~~~~~~  ^
        skbayes/hidden_markov_models/hmm.c:28358:25: error: no member named 'exc_value' in 'struct _ts'; did you mean 'curexc_value'?
            tmp_value = tstate->exc_value;
                                ^~~~~~~~~
                                curexc_value
        /Users/simone/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
            PyObject *curexc_value;
                      ^
        skbayes/hidden_markov_models/hmm.c:28359:22: error: no member named 'exc_traceback' in 'struct _ts'; did you mean 'curexc_traceback'?
            tmp_tb = tstate->exc_traceback;
                             ^~~~~~~~~~~~~
                             curexc_traceback
        /Users/simone/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
            PyObject *curexc_traceback;
                      ^
        skbayes/hidden_markov_models/hmm.c:28360:13: error: no member named 'exc_type' in 'struct _ts'
            tstate->exc_type = type;
            ~~~~~~  ^
        skbayes/hidden_markov_models/hmm.c:28361:13: error: no member named 'exc_value' in 'struct _ts'; did you mean 'curexc_value'?
            tstate->exc_value = value;
                    ^~~~~~~~~
                    curexc_value
        /Users/simone/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
            PyObject *curexc_value;
                      ^
        skbayes/hidden_markov_models/hmm.c:28362:13: error: no member named 'exc_traceback' in 'struct _ts'; did you mean 'curexc_traceback'?
            tstate->exc_traceback = tb;
                    ^~~~~~~~~~~~~
                    curexc_traceback
        /Users/simone/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
            PyObject *curexc_traceback;
                      ^
        skbayes/hidden_markov_models/hmm.c:28407:24: error: no member named 'exc_type' in 'struct _ts'
            tmp_type = tstate->exc_type;
                       ~~~~~~  ^
        skbayes/hidden_markov_models/hmm.c:28408:25: error: no member named 'exc_value' in 'struct _ts'; did you mean 'curexc_value'?
            tmp_value = tstate->exc_value;
                                ^~~~~~~~~
                                curexc_value
        /Users/simone/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
            PyObject *curexc_value;
                      ^
        skbayes/hidden_markov_models/hmm.c:28409:22: error: no member named 'exc_traceback' in 'struct _ts'; did you mean 'curexc_traceback'?
            tmp_tb = tstate->exc_traceback;
                             ^~~~~~~~~~~~~
                             curexc_traceback
        /Users/simone/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
            PyObject *curexc_traceback;
                      ^
        skbayes/hidden_markov_models/hmm.c:28410:13: error: no member named 'exc_type' in 'struct _ts'
            tstate->exc_type = local_type;
            ~~~~~~  ^
        skbayes/hidden_markov_models/hmm.c:28411:13: error: no member named 'exc_value' in 'struct _ts'; did you mean 'curexc_value'?
            tstate->exc_value = local_value;
                    ^~~~~~~~~
                    curexc_value
        /Users/simone/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
            PyObject *curexc_value;
                      ^
        skbayes/hidden_markov_models/hmm.c:28412:13: error: no member named 'exc_traceback' in 'struct _ts'; did you mean 'curexc_traceback'?
            tstate->exc_traceback = local_tb;
                    ^~~~~~~~~~~~~
                    curexc_traceback
        /Users/simone/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
            PyObject *curexc_traceback;
                      ^
        skbayes/hidden_markov_models/hmm.c:30306:24: error: no member named 'exc_type' in 'struct _ts'
            tmp_type = tstate->exc_type;
                       ~~~~~~  ^
        skbayes/hidden_markov_models/hmm.c:30307:25: error: no member named 'exc_value' in 'struct _ts'; did you mean 'curexc_value'?
            tmp_value = tstate->exc_value;
                                ^~~~~~~~~
                                curexc_value
        /Users/simone/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:240:15: note: 'curexc_value' declared here
            PyObject *curexc_value;
                      ^
        skbayes/hidden_markov_models/hmm.c:30308:22: error: no member named 'exc_traceback' in 'struct _ts'; did you mean 'curexc_traceback'?
            tmp_tb = tstate->exc_traceback;
                             ^~~~~~~~~~~~~
                             curexc_traceback
        /Users/simone/.pyenv/versions/3.7.3/include/python3.7m/pystate.h:241:15: note: 'curexc_traceback' declared here
            PyObject *curexc_traceback;
                      ^
        skbayes/hidden_markov_models/hmm.c:30309:13: error: no member named 'exc_type' in 'struct _ts'
            tstate->exc_type = *type;
            ~~~~~~  ^
        fatal error: too many errors emitted, stopping now [-ferror-limit=]
        1 warning and 20 errors generated.
        error: Command "clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -g -fwrapv -O3 -Wall -I/Library/Developer/CommandLineTools/SDKs/MacOSX.sdk/usr/include -I/Library/Developer/CommandLineTools/SDKs/MacOSX.sdk/usr/include -I/Users/simone/PycharmProjects/project/venv/lib/python3.7/site-packages/numpy/core/include -I/Users/simone/PycharmProjects/project/venv/include -I/Users/simone/.pyenv/versions/3.7.3/include/python3.7m -c skbayes/hidden_markov_models/hmm.c -o build/temp.macosx-10.15-x86_64-3.7/skbayes/hidden_markov_models/hmm.o -O3" failed with exit status 1
        ----------------------------------------
    ERROR: Command errored out with exit status 1: /Users/simone/PycharmProjects/project/venv/bin/python -u -c 'import sys, setuptools, tokenize; sys.argv[0] = '"'"'/private/var/folders/dj/krrkt8p95qndhg46m2n774d80000gn/T/pip-req-build-97u7n087/setup.py'"'"'; __file__='"'"'/private/var/folders/dj/krrkt8p95qndhg46m2n774d80000gn/T/pip-req-build-97u7n087/setup.py'"'"';f=getattr(tokenize, '"'"'open'"'"', open)(__file__);code=f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, __file__, '"'"'exec'"'"'))' install --record /private/var/folders/dj/krrkt8p95qndhg46m2n774d80000gn/T/pip-record-5k3krs1g/install-record.txt --single-version-externally-managed --compile --install-headers /Users/simone/PycharmProjects/project/venv/include/site/python3.7/skbayes Check the logs for full command output.
    

    My env

    OS X 10.15.6
    Python 3.7.3
    numpy==1.18.5
    Apple clang version 12.0.0 (clang-1200.0.32.21)
    
    opened by eloquentarduino 0
  • Installation python3.7 fails

    Installation python3.7 fails

    Building wheel for skbayes (setup.py) ... error ERROR: Command errored out with exit status 1: command: 'c:\users\xxxxx\appdata\local\programs\python\python37\python.exe' -u -c 'import sys, setuptools, tokenize; sys.argv[0] = '"'"'C:\Users\xxxx\AppData\Local\Temp\pip-req-build-tkvmaq7f\setup.py'"'"'; file='"'"'C:\Users\xxxx\AppData\Local\Temp\pip-req-build-tkvmaq7f\setup.py'"'"';f=getattr(tokenize, '"'"'open'"'"', open)(file);code=f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, file, '"'"'exec'"'"'))' bdist_wheel -d 'C:\Users\xxxx\AppData\Local\Temp\pip-wheel-a5gqn_p3' cwd: C:\Users\xxxx\AppData\Local\Temp\pip-req-build-tkvmaq7f\

    opened by gmaglian 0
  • Typo in VBLogisticRegression model

    Typo in VBLogisticRegression model

    Hi there,

    thank you for sharing your implementations! In the update of the variational distribution q(alpha) for the variational Bayesian logistic regression model, I believe there is a small mistake.

    According to Eq. 10.179 in Bishop's book, we use the expectation of w^T w, and that is mu_N^T mu_N + trace(Sigma_N). Therefore

    (np.sum(w ** 2) + np.sum(Ri ** 2))
    

    should be changed to

    (np.sum(w ** 2) + np.trace(Ri ** 2))
    

    and analogously in the line above.

    Hope this helps!

    opened by btlorch 0
  • pinvh deprecated in scikit-learn 0.19 removed in 0.21

    pinvh deprecated in scikit-learn 0.19 removed in 0.21

    utils.extmath.pinvh was deprecated in scikit-learn version 0.19 and removed in version 0.21. The following error therefore occurs when using scikit-lean >= 0.21:

    ~\AppData\Local\Continuum\anaconda3\envs\chemo2\lib\site-packages\skbayes\rvm_ard_models\fast_rvm.py in <module>
          5 from sklearn.utils import check_X_y,check_array,as_float_array
          6 from sklearn.utils.multiclass import check_classification_targets
    ----> 7 from sklearn.utils.extmath import pinvh,log_logistic,safe_sparse_dot
          8 from sklearn.metrics.pairwise import pairwise_kernels
          9 from sklearn.utils.validation import check_is_fitted
    
    ImportError: cannot import name 'pinvh'
    
    opened by MattWenham 1
  • installation in windows 10 fails

    installation in windows 10 fails

    great code thanks but installation in windows 10 fails Microsoft Windows [Version 10.0.17134.1130]

    (c) 2018 Microsoft Corporation. All rights reserved.

    D:\code\abcd\pip install https://github.com/AmazaspShumik/sklearn_bayes/archive/master.zip

    Collecting https://github.com/AmazaspShumik/sklearn_bayes/archive/master.zip

    Downloading https://github.com/AmazaspShumik/sklearn_bayes/archive/master.zip
    
        - 5.8MB 2.2MB/s
    

    Requirement already satisfied: numpy>=1.9.2 in c:\users\ABCDFG\appdata\local\continuum\anaconda3\lib\site-packages (from skbayes==0.1.0a1) (1.17.3)

    Requirement already satisfied: scipy>=0.15.1 in c:\users\ABCDFG\appdata\local\continuum\anaconda3\lib\site-packages (from skbayes==0.1.0a1) (1.1.0)

    Requirement already satisfied: scikit-learn>=0.17 in c:\users\ABCDFG\appdata\local\continuum\anaconda3\lib\site-packages (from skbayes==0.1.0a1) (0.21.3)

    Requirement already satisfied: cython>=0.24 in c:\users\ABCDFG\appdata\local\continuum\anaconda3\lib\site-packages (from skbayes==0.1.0a1) (0.28.2)

    Requirement already satisfied: joblib>=0.11 in c:\users\ABCDFG\appdata\local\continuum\anaconda3\lib\site-packages (from scikit-learn>=0.17->skbayes==0.1.0a1) (0.13.2)

    Building wheels for collected packages: skbayes

    Building wheel for skbayes (setup.py) ... error
    
    ERROR: Complete output from command 'C:\Users\ABCDFG\AppData\Local\Continuum\anaconda3\python.exe' -u -c 'import setuptools, tokenize;__file__='"'"'C:\\Users\\ABCDFG\\AppData\\Local\\Temp\\pip-req-build-l568up61\\setup.py'"'"';f=getattr(tokenize, '"'"'open'"'"', open)(__file__);code=f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, __file__, '"'"'exec'"'"'))' bdist_wheel -d 'C:\Users\ABCDFG\AppData\Local\Temp\pip-wheel-bl0aft0m' --python-tag cp36:
    
    ERROR: running bdist_wheel
    
    running build
    
    running build_py
    
    creating build
    
    creating build\lib.win-amd64-3.6
    
    creating build\lib.win-amd64-3.6\skbayes
    
    copying skbayes\__init__.py -> build\lib.win-amd64-3.6\skbayes
    
    creating build\lib.win-amd64-3.6\skbayes\decomposition_models
    
    copying skbayes\decomposition_models\rbm.py -> build\lib.win-amd64-3.6\skbayes\decomposition_models
    
    copying skbayes\decomposition_models\__init__.py -> build\lib.win-amd64-3.6\skbayes\decomposition_models
    
    creating build\lib.win-amd64-3.6\skbayes\hidden_markov_models
    
    copying skbayes\hidden_markov_models\__init__.py -> build\lib.win-amd64-3.6\skbayes\hidden_markov_models
    
    creating build\lib.win-amd64-3.6\skbayes\linear_models
    
    copying skbayes\linear_models\bayes_linear.py -> build\lib.win-amd64-3.6\skbayes\linear_models
    
    copying skbayes\linear_models\bayes_logistic.py -> build\lib.win-amd64-3.6\skbayes\linear_models
    
    copying skbayes\linear_models\__init__.py -> build\lib.win-amd64-3.6\skbayes\linear_models
    
    creating build\lib.win-amd64-3.6\skbayes\mixture_models
    
    copying skbayes\mixture_models\dpmixture.py -> build\lib.win-amd64-3.6\skbayes\mixture_models
    
    copying skbayes\mixture_models\mixture.py -> build\lib.win-amd64-3.6\skbayes\mixture_models
    
    copying skbayes\mixture_models\__init__.py -> build\lib.win-amd64-3.6\skbayes\mixture_models
    
    creating build\lib.win-amd64-3.6\skbayes\rvm_ard_models
    
    copying skbayes\rvm_ard_models\fast_rvm.py -> build\lib.win-amd64-3.6\skbayes\rvm_ard_models
    
    copying skbayes\rvm_ard_models\vrvm.py -> build\lib.win-amd64-3.6\skbayes\rvm_ard_models
    
    copying skbayes\rvm_ard_models\__init__.py -> build\lib.win-amd64-3.6\skbayes\rvm_ard_models
    
    running build_ext
    
    No module named 'numpy.distutils._msvccompiler' in numpy.distutils; trying from distutils
    
    building 'skbayes.decomposition_models.gibbs_lda_cython' extension
    
    creating build\temp.win-amd64-3.6
    
    creating build\temp.win-amd64-3.6\Release
    
    creating build\temp.win-amd64-3.6\Release\skbayes
    

    creating build\temp.win-amd64-3.6\Release\skbayes\decomposition_models

    cl.exe /c /nologo /Ox /W3 /GL /DNDEBUG /MD -IC:\\Users\\ABCDFG\\AppData\\Local\\Continuum\\anaconda3\\lib\\site-packages\\numpy\\core\\include -IC:\Users\ABCDFG\AppData\Local\Continuum\anaconda3\include -IC:\Users\ABCDFG\AppData\Local\Continuum\anaconda3\include /Tcskbayes/decomposition_models/gibbs_lda_cython.c /Fobuild\temp.win-amd64-3.6\Release\skbayes/decomposition_models/gibbs_lda_cython.obj -O3
    
    error: Command "cl.exe /c /nologo /Ox /W3 /GL /DNDEBUG /MD -IC:\\Users\\ABCDFG\\AppData\\Local\\Continuum\\anaconda3\\lib\\site-packages\\numpy\\core\\include -IC:\Users\ABCDFG\AppData\Local\Continuum\anaconda3\include -IC:\Users\ABCDFG\AppData\Local\Continuum\anaconda3\include /Tcskbayes/decomposition_models/gibbs_lda_cython.c /Fobuild\temp.win-amd64-3.6\Release\skbayes/decomposition_models/gibbs_lda_cython.obj -O3" failed with exit status 127
    
    ----------------------------------------
    
    ERROR: Failed building wheel for skbayes
    
    Running setup.py clean for skbayes
    

    Failed to build skbayes

    Installing collected packages: skbayes

    Running setup.py install for skbayes ... error
    
        ERROR: Complete output from command 'C:\Users\ABCDFG\AppData\Local\Continuum\anaconda3\python.exe' -u -c 'import setuptools, tokenize;__file__='"'"'C:\\Users\\ABCDFG\\AppData\\Local\\Temp\\pip-req-build-l568up61\\setup.py'"'"';f=getattr(tokenize, '"'"'open'"'"', open)(__file__);code=f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, __file__, '"'"'exec'"'"'))' install --record 'C:\Users\ABCDFG\AppData\Local\Temp\pip-record-v7us44gt\install-record.txt' --single-version-externally-managed --compile:
    
        ERROR: running install
    
        running build
    
        running build_py
    
        creating build
    
        creating build\lib.win-amd64-3.6
    
        creating build\lib.win-amd64-3.6\skbayes
    
        copying skbayes\__init__.py -> build\lib.win-amd64-3.6\skbayes
    
        creating build\lib.win-amd64-3.6\skbayes\decomposition_models
    
        copying skbayes\decomposition_models\rbm.py -> build\lib.win-amd64-3.6\skbayes\decomposition_models
    
        copying skbayes\decomposition_models\__init__.py -> build\lib.win-amd64-3.6\skbayes\decomposition_models
    
        creating build\lib.win-amd64-3.6\skbayes\hidden_markov_models
    
        copying skbayes\hidden_markov_models\__init__.py -> build\lib.win-amd64-3.6\skbayes\hidden_markov_models
    
        creating build\lib.win-amd64-3.6\skbayes\linear_models
    
        copying skbayes\linear_models\bayes_linear.py -> build\lib.win-amd64-3.6\skbayes\linear_models
    
        copying skbayes\linear_models\bayes_logistic.py -> build\lib.win-amd64-3.6\skbayes\linear_models
    
        copying skbayes\linear_models\__init__.py -> build\lib.win-amd64-3.6\skbayes\linear_models
    
        creating build\lib.win-amd64-3.6\skbayes\mixture_models
    
        copying skbayes\mixture_models\dpmixture.py -> build\lib.win-amd64-3.6\skbayes\mixture_models
    
        copying skbayes\mixture_models\mixture.py -> build\lib.win-amd64-3.6\skbayes\mixture_models
    
        copying skbayes\mixture_models\__init__.py -> build\lib.win-amd64-3.6\skbayes\mixture_models
    
        creating build\lib.win-amd64-3.6\skbayes\rvm_ard_models
    
        copying skbayes\rvm_ard_models\fast_rvm.py -> build\lib.win-amd64-3.6\skbayes\rvm_ard_models
    
        copying skbayes\rvm_ard_models\vrvm.py -> build\lib.win-amd64-3.6\skbayes\rvm_ard_models
    
        copying skbayes\rvm_ard_models\__init__.py -> build\lib.win-amd64-3.6\skbayes\rvm_ard_models
    
        running build_ext
    
        No module named 'numpy.distutils._msvccompiler' in numpy.distutils; trying from distutils
    
        building 'skbayes.decomposition_models.gibbs_lda_cython' extension
    
        creating build\temp.win-amd64-3.6
    
        creating build\temp.win-amd64-3.6\Release
    
        creating build\temp.win-amd64-3.6\Release\skbayes
    
        creating build\temp.win-amd64-3.6\Release\skbayes\decomposition_models
    
        cl.exe /c /nologo /Ox /W3 /GL /DNDEBUG /MD -IC:\\Users\\ABCDFG\\AppData\\Local\\Continuum\\anaconda3\\lib\\site-packages\\numpy\\core\\include -IC:\Users\ABCDFG\AppData\Local\Continuum\anaconda3\include -IC:\Users\ABCDFG\AppData\Local\Continuum\anaconda3\include /Tcskbayes/decomposition_models/gibbs_lda_cython.c /Fobuild\temp.win-amd64-3.6\Release\skbayes/decomposition_models/gibbs_lda_cython.obj -O3
    
        error: Command "cl.exe /c /nologo /Ox /W3 /GL /DNDEBUG /MD -IC:\\Users\\ABCDFG\\AppData\\Local\\Continuum\\anaconda3\\lib\\site-packages\\numpy\\core\\include -IC:\Users\ABCDFG\AppData\Local\Continuum\anaconda3\include -IC:\Users\ABCDFG\AppData\Local\Continuum\anaconda3\include /Tcskbayes/decomposition_models/gibbs_lda_cython.c /Fobuild\temp.win-amd64-3.6\Release\skbayes/decomposition_models/gibbs_lda_cython.obj -O3" failed with exit status 127
    
        ----------------------------------------
    

    ERROR: Command "'C:\Users\ABCDFG\AppData\Local\Continuum\anaconda3\python.exe' -u -c 'import setuptools, tokenize;file='"'"'C:\Users\ABCDFG\AppData\Local\Temp\pip-req-build-l568up61\setup.py'"'"';f=getattr(tokenize, '"'"'open'"'"', open)(file);code=f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, file, '"'"'exec'"'"'))' install --record 'C:\Users\ABCDFG\AppData\Local\Temp\pip-record-v7us44gt\install-record.txt' --single-version-externally-managed --compile" failed with error code 1 in C:\Users\ABCDFG\AppData\Local\Temp\pip-req-build-l568up61\

    D:\code\abcd

    opened by Sandy4321 1
Owner
Amazasp Shaumyan
Principal Data Scientist / Machine Learning Engineer
Amazasp Shaumyan
scikit-learn: machine learning in Python

scikit-learn is a Python module for machine learning built on top of SciPy and is distributed under the 3-Clause BSD license. The project was started

scikit-learn 52.5k Jan 8, 2023
SciKit-Learn Laboratory (SKLL) makes it easy to run machine learning experiments.

SciKit-Learn Laboratory This Python package provides command-line utilities to make it easier to run machine learning experiments with scikit-learn. O

ETS 528 Nov 25, 2022
Genetic Programming in Python, with a scikit-learn inspired API

Welcome to gplearn! gplearn implements Genetic Programming in Python, with a scikit-learn inspired and compatible API. While Genetic Programming (GP)

Trevor Stephens 1.3k Jan 3, 2023
scikit-learn inspired API for CRFsuite

sklearn-crfsuite sklearn-crfsuite is a thin CRFsuite (python-crfsuite) wrapper which provides interface simlar to scikit-learn. sklearn_crfsuite.CRF i

null 417 Dec 20, 2022
aka "Bayesian Methods for Hackers": An introduction to Bayesian methods + probabilistic programming with a computation/understanding-first, mathematics-second point of view. All in pure Python ;)

Bayesian Methods for Hackers Using Python and PyMC The Bayesian method is the natural approach to inference, yet it is hidden from readers behind chap

Cameron Davidson-Pilon 25.1k Jan 2, 2023
Bayesian-Torch is a library of neural network layers and utilities extending the core of PyTorch to enable the user to perform stochastic variational inference in Bayesian deep neural networks

Bayesian-Torch is a library of neural network layers and utilities extending the core of PyTorch to enable the user to perform stochastic variational inference in Bayesian deep neural networks. Bayesian-Torch is designed to be flexible and seamless in extending a deterministic deep neural network architecture to corresponding Bayesian form by simply replacing the deterministic layers with Bayesian layers.

Intel Labs 210 Jan 4, 2023
LBK 20 Dec 2, 2022
Using python and scikit-learn to make stock predictions

MachineLearningStocks in python: a starter project and guide EDIT as of Feb 2021: MachineLearningStocks is no longer actively maintained MachineLearni

Robert Martin 1.3k Dec 29, 2022
A scikit-learn compatible neural network library that wraps PyTorch

A scikit-learn compatible neural network library that wraps PyTorch. Resources Documentation Source Code Examples To see more elaborate examples, look

null 4.9k Dec 31, 2022
A scikit-learn compatible neural network library that wraps PyTorch

A scikit-learn compatible neural network library that wraps PyTorch. Resources Documentation Source Code Examples To see more elaborate examples, look

null 3.8k Feb 13, 2021
A scikit-learn compatible neural network library that wraps PyTorch

A scikit-learn compatible neural network library that wraps PyTorch. Resources Documentation Source Code Examples To see more elaborate examples, look

null 4.9k Jan 3, 2023
Scikit-learn compatible estimation of general graphical models

skggm : Gaussian graphical models using the scikit-learn API In the last decade, learning networks that encode conditional independence relationships

null 213 Jan 2, 2023
Genetic feature selection module for scikit-learn

sklearn-genetic Genetic feature selection module for scikit-learn Genetic algorithms mimic the process of natural selection to search for optimal valu

Manuel Calzolari 260 Dec 14, 2022
Use evolutionary algorithms instead of gridsearch in scikit-learn

sklearn-deap Use evolutionary algorithms instead of gridsearch in scikit-learn. This allows you to reduce the time required to find the best parameter

rsteca 709 Jan 3, 2023
SigOpt wrappers for scikit-learn methods

SigOpt + scikit-learn Interfacing This package implements useful interfaces and wrappers for using SigOpt and scikit-learn together Getting Started In

SigOpt 73 Sep 30, 2022
A scikit-learn-compatible module for estimating prediction intervals.

|Anaconda|_ MAPIE - Model Agnostic Prediction Interval Estimator MAPIE allows you to easily estimate prediction intervals using your favourite sklearn

SimAI 584 Dec 27, 2022
Regression Metrics Calculation Made easy for tensorflow2 and scikit-learn

Regression Metrics Installation To install the package from the PyPi repository you can execute the following command: pip install regressionmetrics I

Ashish Patel 11 Dec 16, 2022
A real-time speech emotion recognition application using Scikit-learn and gradio

Speech-Emotion-Recognition-App A real-time speech emotion recognition application using Scikit-learn and gradio. Requirements librosa==0.6.3 numpy sou

Son Tran 6 Oct 4, 2022