liblinear-multicore


Nameliblinear-multicore JSON
Version 2.47.0 PyPI version JSON
download
home_pagehttps://www.csie.ntu.edu.tw/~cjlin/libsvmtools/multicore-liblinear
SummaryPython binding of multi-core LIBLINEAR
upload_time2023-07-10 07:26:13
maintainer
docs_urlNone
authorML group @ National Taiwan University
requires_python
license
keywords
VCS
bugtrack_url
requirements No requirements were recorded.
Travis-CI No Travis.
coveralls test coverage No coveralls.
            ------------------------------------------------
--- Multi-core Python Interface of LIBLINEAR ---
------------------------------------------------

Table of Contents
=================

- Introduction
- Installation via PyPI
- Installation via Sources
- Quick Start
- Quick Start with Scipy
- Design Description
- Data Structures
- Utility Functions
- Additional Information

Introduction
============

Python (http://www.python.org/) is a programming language suitable for rapid
development. This tool provides a simple Python interface to multi-core LIBLINEAR, a library
for support vector machines in multi-core machines (http://www.csie.ntu.edu.tw/~cjlin/libsvmtools/multicore-liblinear). The
interface is very easy to use as the usage is the same as that of LIBLINEAR. The
interface is developed with the built-in Python library "ctypes."

Details of multi-core implementations can be found at http://www.csie.ntu.edu.tw/~cjlin/libsvmtools/multicore-liblinear

Installation via PyPI
=====================

To install the interface from PyPI, execute the following command:

> pip install -U liblinear-multicore

Installation via Sources
========================

Alternatively, you may install the interface from sources by
generating the LIBLINEAR shared library.

Depending on your use cases, you can choose between local-directory
and system-wide installation.

- Local-directory installation:

    On Unix systems, type

    > make

    This generates a .so file in the LIBLINEAR main directory and you
    can run the interface in the current python directory.
    
- System-wide installation:

    Type

    > pip install -e .

    or

    > pip install --user -e .

    The option --user would install the package in the home directory
    instead of the system directory, and thus does not require the
    root privilege.

    Please note that you must keep the sources after the installation.

    In addition, DON'T use the following FAILED commands

    > python setup.py install (failed to run at the python directory)
    > pip install .

Quick Start
===========

"Quick Start with Scipy" is in the next section.

There are two levels of usage. The high-level one uses utility
functions in liblinearutil.py and commonutil.py (shared with LIBSVM
and imported by svmutil.py). The usage is the same as the LIBLINEAR
MATLAB interface.

Specify the option '-m nr_thread' to use nr_thread threads for parallelizing solvers
(only for -s 0, -s 1, -s 2, -s 3, -s 5, -s 6, -s 11 and -s 21)

>>> from liblinear.liblinearutil import *
# Read data in LIBSVM format
>>> y, x = svm_read_problem('../heart_scale')
>>> m = train(y[:200], x[:200], '-c 4 -m 8')
>>> p_label, p_acc, p_val = predict(y[200:], x[200:], m)

# Construct problem in python format
# Dense data
>>> y, x = [1,-1], [[1,0,1], [-1,0,-1]]
# Sparse data
>>> y, x = [1,-1], [{1:1, 3:1}, {1:-1,3:-1}]
>>> prob  = problem(y, x)
>>> param = parameter('-s 0 -c 4 -B 1')
>>> m = train(prob, param)

# Other utility functions
>>> save_model('heart_scale.model', m)
>>> m = load_model('heart_scale.model')
>>> p_label, p_acc, p_val = predict(y, x, m, '-b 1')
>>> ACC, MSE, SCC = evaluations(y, p_label)

# Getting online help
>>> help(train)

The low-level use directly calls C interfaces imported by liblinear.py. Note that
all arguments and return values are in ctypes format. You need to handle them
carefully.

>>> from liblinear.liblinear import *
>>> prob = problem([1,-1], [{1:1, 3:1}, {1:-1,3:-1}])
>>> param = parameter('-c 4')
>>> m = liblinear.train(prob, param) # m is a ctype pointer to a model
# Convert a Python-format instance to feature_nodearray, a ctypes structure
>>> x0, max_idx = gen_feature_nodearray({1:1, 3:1})
>>> label = liblinear.predict(m, x0)

Quick Start with Scipy
======================

Make sure you have Scipy installed to proceed in this section.
If numba (http://numba.pydata.org) is installed, some operations will be much faster.

There are two levels of usage. The high-level one uses utility functions
in liblinearutil.py and the usage is the same as the LIBLINEAR MATLAB interface.

>>> import numpy as np
>>> import scipy
>>> from liblinear.liblinearutil import *
# Read data in LIBSVM format
>>> y, x = svm_read_problem('../heart_scale', return_scipy = True) # y: ndarray, x: csr_matrix
>>> m = train(y[:200], x[:200, :], '-c 4')
>>> p_label, p_acc, p_val = predict(y[200:], x[200:, :], m)

# Construct problem in Scipy format
# Dense data: numpy ndarray
>>> y, x = np.asarray([1,-1]), np.asarray([[1,0,1], [-1,0,-1]])
# Sparse data: scipy csr_matrix((data, (row_ind, col_ind))
>>> y, x = np.asarray([1,-1]), scipy.sparse.csr_matrix(([1, 1, -1, -1], ([0, 0, 1, 1], [0, 2, 0, 2])))
>>> prob  = problem(y, x)
>>> param = parameter('-s 0 -c 4 -B 1')
>>> m = train(prob, param)

# Apply data scaling in Scipy format
>>> y, x = svm_read_problem('../heart_scale', return_scipy=True)
>>> scale_param = csr_find_scale_param(x, lower=0)
>>> scaled_x = csr_scale(x, scale_param)

# Other utility functions
>>> save_model('heart_scale.model', m)
>>> m = load_model('heart_scale.model')
>>> p_label, p_acc, p_val = predict(y, x, m, '-b 1')
>>> ACC, MSE, SCC = evaluations(y, p_label)

# Getting online help
>>> help(train)

The low-level use directly calls C interfaces imported by liblinear.py. Note that
all arguments and return values are in ctypes format. You need to handle them
carefully.

>>> from liblinear.liblinear import *
>>> prob = problem(np.asarray([1,-1]), scipy.sparse.csr_matrix(([1, 1, -1, -1], ([0, 0, 1, 1], [0, 2, 0, 2]))))
>>> param = parameter('-c 4')
>>> m = liblinear.train(prob, param) # m is a ctype pointer to a model
# Convert a tuple of ndarray (index, data) to feature_nodearray, a ctypes structure
# Note that index starts from 0, though the following example will be changed to 1:1, 3:1 internally
>>> x0, max_idx = gen_feature_nodearray((np.asarray([0,2]), np.asarray([1,1])))
>>> label = liblinear.predict(m, x0)

Design Description
==================

There are two files liblinear.py and liblinearutil.py, which respectively correspond to
low-level and high-level use of the interface.

In liblinear.py, we adopt the Python built-in library "ctypes," so that
Python can directly access C structures and interface functions defined
in linear.h.

While advanced users can use structures/functions in liblinear.py, to
avoid handling ctypes structures, in liblinearutil.py we provide some easy-to-use
functions. The usage is similar to LIBLINEAR MATLAB interface.

Data Structures
===============

Three data structures derived from linear.h are node, problem, and
parameter. They all contain fields with the same names in
linear.h. Access these fields carefully because you directly use a C structure
instead of a Python object. The following description introduces additional
fields and methods.

Before using the data structures, execute the following command to load the
LIBLINEAR shared library:

    >>> from liblinear.liblinear import *

- class feature_node:

    Construct a feature_node.

    >>> node = feature_node(idx, val)

    idx: an integer indicates the feature index.

    val: a float indicates the feature value.

    Show the index and the value of a node.

    >>> print(node)

- Function: gen_feature_nodearray(xi [,feature_max=None])

    Generate a feature vector from a Python list/tuple/dictionary, numpy ndarray or tuple of (index, data):

    >>> xi_ctype, max_idx = gen_feature_nodearray({1:1, 3:1, 5:-2})

    xi_ctype: the returned feature_nodearray (a ctypes structure)

    max_idx: the maximal feature index of xi

    feature_max: if feature_max is assigned, features with indices larger than
                 feature_max are removed.

- class problem:

    Construct a problem instance

    >>> prob = problem(y, x [,bias=-1])

    y: a Python list/tuple/ndarray of l labels (type must be int/double).

    x: 1. a list/tuple of l training instances. Feature vector of
          each training instance is a list/tuple or dictionary.

       2. an l * n numpy ndarray or scipy spmatrix (n: number of features).

    bias: if bias >= 0, instance x becomes [x; bias]; if < 0, no bias term
          added (default -1)

    You can also modify the bias value by

    >>> prob.set_bias(1)

    Note that if your x contains sparse data (i.e., dictionary), the internal
    ctypes data format is still sparse.

- class parameter:

    Construct a parameter instance

    >>> param = parameter('training_options')

    If 'training_options' is empty, LIBLINEAR default values are applied.

    Set param to LIBLINEAR default values.

    >>> param.set_to_default_values()

    Parse a string of options.

    >>> param.parse_options('training_options')

    Show values of parameters.

    >>> print(param)

- class model:

    There are two ways to obtain an instance of model:

    >>> model_ = train(y, x)
    >>> model_ = load_model('model_file_name')

    Note that the returned structure of interface functions
    liblinear.train and liblinear.load_model is a ctypes pointer of
    model, which is different from the model object returned
    by train and load_model in liblinearutil.py. We provide a
    function toPyModel for the conversion:

    >>> model_ptr = liblinear.train(prob, param)
    >>> model_ = toPyModel(model_ptr)

    If you obtain a model in a way other than the above approaches,
    handle it carefully to avoid memory leak or segmentation fault.

    Some interface functions to access LIBLINEAR models are wrapped as
    members of the class model:

    >>> nr_feature =  model_.get_nr_feature()
    >>> nr_class = model_.get_nr_class()
    >>> class_labels = model_.get_labels()
    >>> is_prob_model = model_.is_probability_model()
    >>> is_regression_model = model_.is_regression_model()

    The decision function is W*x + b, where
        W is an nr_class-by-nr_feature matrix, and
        b is a vector of size nr_class.
    To access W_kj (i.e., coefficient for the k-th class and the j-th feature)
    and b_k (i.e., bias for the k-th class), use the following functions.

    >>> W_kj = model_.get_decfun_coef(feat_idx=j, label_idx=k)
    >>> b_k = model_.get_decfun_bias(label_idx=k)

    We also provide a function to extract w_k (i.e., the k-th row of W) and
    b_k directly as follows.

    >>> [w_k, b_k] = model_.get_decfun(label_idx=k)

    Note that w_k is a Python list of length nr_feature, which means that
        w_k[0] = W_k1.
    For regression models, W is just a vector of length nr_feature. Either
    set label_idx=0 or omit the label_idx parameter to access the coefficients.

    >>> W_j = model_.get_decfun_coef(feat_idx=j)
    >>> b = model_.get_decfun_bias()
    >>> [W, b] = model_.get_decfun()

    For one-class SVM models, label_idx is ignored and b=-rho is
    returned from get_decfun(). That is, the decision function is
    w*x+b = w*x-rho.

    >>> rho = model_.get_decfun_rho()
    >>> [W, b] = model_.get_decfun()

    Note that in get_decfun_coef, get_decfun_bias, and get_decfun, feat_idx
    starts from 1, while label_idx starts from 0. If label_idx is not in the
    valid range (0 to nr_class-1), then a NaN will be returned; and if feat_idx
    is not in the valid range (1 to nr_feature), then a zero value will be
    returned. For regression models, label_idx is ignored.

Utility Functions
=================

To use utility functions, type

    >>> from liblinear.liblinearutil import *

The above command loads
    train()            : train a linear model
    predict()          : predict testing data
    svm_read_problem() : read the data from a LIBSVM-format file.
    load_model()       : load a LIBLINEAR model.
    save_model()       : save model to a file.
    evaluations()      : evaluate prediction results.

- Function: train

    There are three ways to call train()

    >>> model = train(y, x [, 'training_options'])
    >>> model = train(prob [, 'training_options'])
    >>> model = train(prob, param)

    y: a list/tuple/ndarray of l training labels (type must be int/double).

    x: 1. a list/tuple of l training instances. Feature vector of
          each training instance is a list/tuple or dictionary.

       2. an l * n numpy ndarray or scipy spmatrix (n: number of features).

    training_options: a string in the same form as that for LIBLINEAR command
                      mode.

    prob: a problem instance generated by calling
          problem(y, x).

    param: a parameter instance generated by calling
           parameter('training_options')

    model: the returned model instance. See linear.h for details of this
           structure. If '-v' is specified, cross validation is
           conducted and the returned model is just a scalar: cross-validation
           accuracy for classification and mean-squared error for regression.

           If the '-C' option is specified, best parameters are found
           by cross validation. The parameter selection utility is supported
           only by -s 0, -s 2 (for finding C) and -s 11 (for finding C, p).
           The returned structure is a triple with the best C, the best p,
           and the corresponding cross-validation accuracy or mean squared
           error. The returned best p for -s 0 and -s 2 is set to -1 because
           the p parameter is not used by classification models.


    To train the same data many times with different
    parameters, the second and the third ways should be faster..

    Examples:

    >>> y, x = svm_read_problem('../heart_scale')
    >>> prob = problem(y, x)
    >>> param = parameter('-s 3 -c 5 -q')
    >>> m = train(y, x, '-c 5')
    >>> m = train(prob, '-w1 5 -c 5')
    >>> m = train(prob, param)
    >>> CV_ACC = train(y, x, '-v 3')
    >>> best_C, best_p, best_rate = train(y, x, '-C -s 0') # best_p is only for -s 11
    >>> m = train(y, x, '-c {0} -s 0'.format(best_C)) # use the same solver: -s 0

- Function: predict

    To predict testing data with a model, use

    >>> p_labs, p_acc, p_vals = predict(y, x, model [,'predicting_options'])

    y: a list/tuple/ndarray of l true labels (type must be int/double).
       It is used for calculating the accuracy. Use [] if true labels are
       unavailable.

    x: 1. a list/tuple of l training instances. Feature vector of
          each training instance is a list/tuple or dictionary.

       2. an l * n numpy ndarray or scipy spmatrix (n: number of features).

    predicting_options: a string of predicting options in the same format as
                        that of LIBLINEAR.

    model: a model instance.

    p_labels: a list of predicted labels

    p_acc: a tuple including accuracy (for classification), mean
           squared error, and squared correlation coefficient (for
           regression).

    p_vals: a list of decision values or probability estimates (if '-b 1'
            is specified). If k is the number of classes, for decision values,
            each element includes results of predicting k binary-class
            SVMs. If k = 2 and solver is not MCSVM_CS, only one decision value
            is returned. For probabilities, each element contains k values
            indicating the probability that the testing instance is in each class.
            Note that the order of classes here is the same as 'model.label'
            field in the model structure.

    Example:

    >>> m = train(y, x, '-c 5')
    >>> p_labels, p_acc, p_vals = predict(y, x, m)

- Functions: svm_read_problem/load_model/save_model

    See the usage by examples:

    >>> y, x = svm_read_problem('data.txt')
    >>> m = load_model('model_file')
    >>> save_model('model_file', m)

- Function: evaluations

    Calculate some evaluations using the true values (ty) and the predicted
    values (pv):

    >>> (ACC, MSE, SCC) = evaluations(ty, pv, useScipy)

    ty: a list/tuple/ndarray of true values.

    pv: a list/tuple/ndarray of predicted values.

    useScipy: convert ty, pv to ndarray, and use scipy functions to do the evaluation

    ACC: accuracy.

    MSE: mean squared error.

    SCC: squared correlation coefficient.

- Function: csr_find_scale_parameter/csr_scale

    Scale data in csr format.

    >>> param = csr_find_scale_param(x [, lower=l, upper=u])
    >>> x = csr_scale(x, param)

    x: a csr_matrix of data.

    l: x scaling lower limit; default -1.

    u: x scaling upper limit; default 1.

    The scaling process is: x * diag(coef) + ones(l, 1) * offset'

    param: a dictionary of scaling parameters, where param['coef'] = coef and param['offset'] = offset.

    coef: a scipy array of scaling coefficients.

    offset: a scipy array of scaling offsets.

Additional Information
======================

This interface was originally written by Hsiang-Fu Yu from Department of Computer
Science, National Taiwan University. If you find this tool useful, please
cite LIBLINEAR as follows

R.-E. Fan, K.-W. Chang, C.-J. Hsieh, X.-R. Wang, and C.-J. Lin.
LIBLINEAR: A Library for Large Linear Classification, Journal of
Machine Learning Research 9(2008), 1871-1874. Software available at
http://www.csie.ntu.edu.tw/~cjlin/liblinear

For any question, please contact Chih-Jen Lin <cjlin@csie.ntu.edu.tw>,
or check the following pages:

http://www.csie.ntu.edu.tw/~cjlin/liblinear/faq.html
http://www.csie.ntu.edu.tw/~cjlin/libsvmtools/multicore-liblinear

            

Raw data

            {
    "_id": null,
    "home_page": "https://www.csie.ntu.edu.tw/~cjlin/libsvmtools/multicore-liblinear",
    "name": "liblinear-multicore",
    "maintainer": "",
    "docs_url": null,
    "requires_python": "",
    "maintainer_email": "",
    "keywords": "",
    "author": "ML group @ National Taiwan University",
    "author_email": "cjlin@csie.ntu.edu.tw",
    "download_url": "https://files.pythonhosted.org/packages/b1/e5/3587fc1a34962ad059782989c0d5b1f7071137c5e318320b33b6916696c3/liblinear-multicore-2.47.0.tar.gz",
    "platform": null,
    "description": "------------------------------------------------\n--- Multi-core Python Interface of LIBLINEAR ---\n------------------------------------------------\n\nTable of Contents\n=================\n\n- Introduction\n- Installation via PyPI\n- Installation via Sources\n- Quick Start\n- Quick Start with Scipy\n- Design Description\n- Data Structures\n- Utility Functions\n- Additional Information\n\nIntroduction\n============\n\nPython (http://www.python.org/) is a programming language suitable for rapid\ndevelopment. This tool provides a simple Python interface to multi-core LIBLINEAR, a library\nfor support vector machines in multi-core machines (http://www.csie.ntu.edu.tw/~cjlin/libsvmtools/multicore-liblinear). The\ninterface is very easy to use as the usage is the same as that of LIBLINEAR. The\ninterface is developed with the built-in Python library \"ctypes.\"\n\nDetails of multi-core implementations can be found at http://www.csie.ntu.edu.tw/~cjlin/libsvmtools/multicore-liblinear\n\nInstallation via PyPI\n=====================\n\nTo install the interface from PyPI, execute the following command:\n\n> pip install -U liblinear-multicore\n\nInstallation via Sources\n========================\n\nAlternatively, you may install the interface from sources by\ngenerating the LIBLINEAR shared library.\n\nDepending on your use cases, you can choose between local-directory\nand system-wide installation.\n\n- Local-directory installation:\n\n    On Unix systems, type\n\n    > make\n\n    This generates a .so file in the LIBLINEAR main directory and you\n    can run the interface in the current python directory.\n    \n- System-wide installation:\n\n    Type\n\n    > pip install -e .\n\n    or\n\n    > pip install --user -e .\n\n    The option --user would install the package in the home directory\n    instead of the system directory, and thus does not require the\n    root privilege.\n\n    Please note that you must keep the sources after the installation.\n\n    In addition, DON'T use the following FAILED commands\n\n    > python setup.py install (failed to run at the python directory)\n    > pip install .\n\nQuick Start\n===========\n\n\"Quick Start with Scipy\" is in the next section.\n\nThere are two levels of usage. The high-level one uses utility\nfunctions in liblinearutil.py and commonutil.py (shared with LIBSVM\nand imported by svmutil.py). The usage is the same as the LIBLINEAR\nMATLAB interface.\n\nSpecify the option '-m nr_thread' to use nr_thread threads for parallelizing solvers\n(only for -s 0, -s 1, -s 2, -s 3, -s 5, -s 6, -s 11 and -s 21)\n\n>>> from liblinear.liblinearutil import *\n# Read data in LIBSVM format\n>>> y, x = svm_read_problem('../heart_scale')\n>>> m = train(y[:200], x[:200], '-c 4 -m 8')\n>>> p_label, p_acc, p_val = predict(y[200:], x[200:], m)\n\n# Construct problem in python format\n# Dense data\n>>> y, x = [1,-1], [[1,0,1], [-1,0,-1]]\n# Sparse data\n>>> y, x = [1,-1], [{1:1, 3:1}, {1:-1,3:-1}]\n>>> prob  = problem(y, x)\n>>> param = parameter('-s 0 -c 4 -B 1')\n>>> m = train(prob, param)\n\n# Other utility functions\n>>> save_model('heart_scale.model', m)\n>>> m = load_model('heart_scale.model')\n>>> p_label, p_acc, p_val = predict(y, x, m, '-b 1')\n>>> ACC, MSE, SCC = evaluations(y, p_label)\n\n# Getting online help\n>>> help(train)\n\nThe low-level use directly calls C interfaces imported by liblinear.py. Note that\nall arguments and return values are in ctypes format. You need to handle them\ncarefully.\n\n>>> from liblinear.liblinear import *\n>>> prob = problem([1,-1], [{1:1, 3:1}, {1:-1,3:-1}])\n>>> param = parameter('-c 4')\n>>> m = liblinear.train(prob, param) # m is a ctype pointer to a model\n# Convert a Python-format instance to feature_nodearray, a ctypes structure\n>>> x0, max_idx = gen_feature_nodearray({1:1, 3:1})\n>>> label = liblinear.predict(m, x0)\n\nQuick Start with Scipy\n======================\n\nMake sure you have Scipy installed to proceed in this section.\nIf numba (http://numba.pydata.org) is installed, some operations will be much faster.\n\nThere are two levels of usage. The high-level one uses utility functions\nin liblinearutil.py and the usage is the same as the LIBLINEAR MATLAB interface.\n\n>>> import numpy as np\n>>> import scipy\n>>> from liblinear.liblinearutil import *\n# Read data in LIBSVM format\n>>> y, x = svm_read_problem('../heart_scale', return_scipy = True) # y: ndarray, x: csr_matrix\n>>> m = train(y[:200], x[:200, :], '-c 4')\n>>> p_label, p_acc, p_val = predict(y[200:], x[200:, :], m)\n\n# Construct problem in Scipy format\n# Dense data: numpy ndarray\n>>> y, x = np.asarray([1,-1]), np.asarray([[1,0,1], [-1,0,-1]])\n# Sparse data: scipy csr_matrix((data, (row_ind, col_ind))\n>>> y, x = np.asarray([1,-1]), scipy.sparse.csr_matrix(([1, 1, -1, -1], ([0, 0, 1, 1], [0, 2, 0, 2])))\n>>> prob  = problem(y, x)\n>>> param = parameter('-s 0 -c 4 -B 1')\n>>> m = train(prob, param)\n\n# Apply data scaling in Scipy format\n>>> y, x = svm_read_problem('../heart_scale', return_scipy=True)\n>>> scale_param = csr_find_scale_param(x, lower=0)\n>>> scaled_x = csr_scale(x, scale_param)\n\n# Other utility functions\n>>> save_model('heart_scale.model', m)\n>>> m = load_model('heart_scale.model')\n>>> p_label, p_acc, p_val = predict(y, x, m, '-b 1')\n>>> ACC, MSE, SCC = evaluations(y, p_label)\n\n# Getting online help\n>>> help(train)\n\nThe low-level use directly calls C interfaces imported by liblinear.py. Note that\nall arguments and return values are in ctypes format. You need to handle them\ncarefully.\n\n>>> from liblinear.liblinear import *\n>>> prob = problem(np.asarray([1,-1]), scipy.sparse.csr_matrix(([1, 1, -1, -1], ([0, 0, 1, 1], [0, 2, 0, 2]))))\n>>> param = parameter('-c 4')\n>>> m = liblinear.train(prob, param) # m is a ctype pointer to a model\n# Convert a tuple of ndarray (index, data) to feature_nodearray, a ctypes structure\n# Note that index starts from 0, though the following example will be changed to 1:1, 3:1 internally\n>>> x0, max_idx = gen_feature_nodearray((np.asarray([0,2]), np.asarray([1,1])))\n>>> label = liblinear.predict(m, x0)\n\nDesign Description\n==================\n\nThere are two files liblinear.py and liblinearutil.py, which respectively correspond to\nlow-level and high-level use of the interface.\n\nIn liblinear.py, we adopt the Python built-in library \"ctypes,\" so that\nPython can directly access C structures and interface functions defined\nin linear.h.\n\nWhile advanced users can use structures/functions in liblinear.py, to\navoid handling ctypes structures, in liblinearutil.py we provide some easy-to-use\nfunctions. The usage is similar to LIBLINEAR MATLAB interface.\n\nData Structures\n===============\n\nThree data structures derived from linear.h are node, problem, and\nparameter. They all contain fields with the same names in\nlinear.h. Access these fields carefully because you directly use a C structure\ninstead of a Python object. The following description introduces additional\nfields and methods.\n\nBefore using the data structures, execute the following command to load the\nLIBLINEAR shared library:\n\n    >>> from liblinear.liblinear import *\n\n- class feature_node:\n\n    Construct a feature_node.\n\n    >>> node = feature_node(idx, val)\n\n    idx: an integer indicates the feature index.\n\n    val: a float indicates the feature value.\n\n    Show the index and the value of a node.\n\n    >>> print(node)\n\n- Function: gen_feature_nodearray(xi [,feature_max=None])\n\n    Generate a feature vector from a Python list/tuple/dictionary, numpy ndarray or tuple of (index, data):\n\n    >>> xi_ctype, max_idx = gen_feature_nodearray({1:1, 3:1, 5:-2})\n\n    xi_ctype: the returned feature_nodearray (a ctypes structure)\n\n    max_idx: the maximal feature index of xi\n\n    feature_max: if feature_max is assigned, features with indices larger than\n                 feature_max are removed.\n\n- class problem:\n\n    Construct a problem instance\n\n    >>> prob = problem(y, x [,bias=-1])\n\n    y: a Python list/tuple/ndarray of l labels (type must be int/double).\n\n    x: 1. a list/tuple of l training instances. Feature vector of\n          each training instance is a list/tuple or dictionary.\n\n       2. an l * n numpy ndarray or scipy spmatrix (n: number of features).\n\n    bias: if bias >= 0, instance x becomes [x; bias]; if < 0, no bias term\n          added (default -1)\n\n    You can also modify the bias value by\n\n    >>> prob.set_bias(1)\n\n    Note that if your x contains sparse data (i.e., dictionary), the internal\n    ctypes data format is still sparse.\n\n- class parameter:\n\n    Construct a parameter instance\n\n    >>> param = parameter('training_options')\n\n    If 'training_options' is empty, LIBLINEAR default values are applied.\n\n    Set param to LIBLINEAR default values.\n\n    >>> param.set_to_default_values()\n\n    Parse a string of options.\n\n    >>> param.parse_options('training_options')\n\n    Show values of parameters.\n\n    >>> print(param)\n\n- class model:\n\n    There are two ways to obtain an instance of model:\n\n    >>> model_ = train(y, x)\n    >>> model_ = load_model('model_file_name')\n\n    Note that the returned structure of interface functions\n    liblinear.train and liblinear.load_model is a ctypes pointer of\n    model, which is different from the model object returned\n    by train and load_model in liblinearutil.py. We provide a\n    function toPyModel for the conversion:\n\n    >>> model_ptr = liblinear.train(prob, param)\n    >>> model_ = toPyModel(model_ptr)\n\n    If you obtain a model in a way other than the above approaches,\n    handle it carefully to avoid memory leak or segmentation fault.\n\n    Some interface functions to access LIBLINEAR models are wrapped as\n    members of the class model:\n\n    >>> nr_feature =  model_.get_nr_feature()\n    >>> nr_class = model_.get_nr_class()\n    >>> class_labels = model_.get_labels()\n    >>> is_prob_model = model_.is_probability_model()\n    >>> is_regression_model = model_.is_regression_model()\n\n    The decision function is W*x + b, where\n        W is an nr_class-by-nr_feature matrix, and\n        b is a vector of size nr_class.\n    To access W_kj (i.e., coefficient for the k-th class and the j-th feature)\n    and b_k (i.e., bias for the k-th class), use the following functions.\n\n    >>> W_kj = model_.get_decfun_coef(feat_idx=j, label_idx=k)\n    >>> b_k = model_.get_decfun_bias(label_idx=k)\n\n    We also provide a function to extract w_k (i.e., the k-th row of W) and\n    b_k directly as follows.\n\n    >>> [w_k, b_k] = model_.get_decfun(label_idx=k)\n\n    Note that w_k is a Python list of length nr_feature, which means that\n        w_k[0] = W_k1.\n    For regression models, W is just a vector of length nr_feature. Either\n    set label_idx=0 or omit the label_idx parameter to access the coefficients.\n\n    >>> W_j = model_.get_decfun_coef(feat_idx=j)\n    >>> b = model_.get_decfun_bias()\n    >>> [W, b] = model_.get_decfun()\n\n    For one-class SVM models, label_idx is ignored and b=-rho is\n    returned from get_decfun(). That is, the decision function is\n    w*x+b = w*x-rho.\n\n    >>> rho = model_.get_decfun_rho()\n    >>> [W, b] = model_.get_decfun()\n\n    Note that in get_decfun_coef, get_decfun_bias, and get_decfun, feat_idx\n    starts from 1, while label_idx starts from 0. If label_idx is not in the\n    valid range (0 to nr_class-1), then a NaN will be returned; and if feat_idx\n    is not in the valid range (1 to nr_feature), then a zero value will be\n    returned. For regression models, label_idx is ignored.\n\nUtility Functions\n=================\n\nTo use utility functions, type\n\n    >>> from liblinear.liblinearutil import *\n\nThe above command loads\n    train()            : train a linear model\n    predict()          : predict testing data\n    svm_read_problem() : read the data from a LIBSVM-format file.\n    load_model()       : load a LIBLINEAR model.\n    save_model()       : save model to a file.\n    evaluations()      : evaluate prediction results.\n\n- Function: train\n\n    There are three ways to call train()\n\n    >>> model = train(y, x [, 'training_options'])\n    >>> model = train(prob [, 'training_options'])\n    >>> model = train(prob, param)\n\n    y: a list/tuple/ndarray of l training labels (type must be int/double).\n\n    x: 1. a list/tuple of l training instances. Feature vector of\n          each training instance is a list/tuple or dictionary.\n\n       2. an l * n numpy ndarray or scipy spmatrix (n: number of features).\n\n    training_options: a string in the same form as that for LIBLINEAR command\n                      mode.\n\n    prob: a problem instance generated by calling\n          problem(y, x).\n\n    param: a parameter instance generated by calling\n           parameter('training_options')\n\n    model: the returned model instance. See linear.h for details of this\n           structure. If '-v' is specified, cross validation is\n           conducted and the returned model is just a scalar: cross-validation\n           accuracy for classification and mean-squared error for regression.\n\n           If the '-C' option is specified, best parameters are found\n           by cross validation. The parameter selection utility is supported\n           only by -s 0, -s 2 (for finding C) and -s 11 (for finding C, p).\n           The returned structure is a triple with the best C, the best p,\n           and the corresponding cross-validation accuracy or mean squared\n           error. The returned best p for -s 0 and -s 2 is set to -1 because\n           the p parameter is not used by classification models.\n\n\n    To train the same data many times with different\n    parameters, the second and the third ways should be faster..\n\n    Examples:\n\n    >>> y, x = svm_read_problem('../heart_scale')\n    >>> prob = problem(y, x)\n    >>> param = parameter('-s 3 -c 5 -q')\n    >>> m = train(y, x, '-c 5')\n    >>> m = train(prob, '-w1 5 -c 5')\n    >>> m = train(prob, param)\n    >>> CV_ACC = train(y, x, '-v 3')\n    >>> best_C, best_p, best_rate = train(y, x, '-C -s 0') # best_p is only for -s 11\n    >>> m = train(y, x, '-c {0} -s 0'.format(best_C)) # use the same solver: -s 0\n\n- Function: predict\n\n    To predict testing data with a model, use\n\n    >>> p_labs, p_acc, p_vals = predict(y, x, model [,'predicting_options'])\n\n    y: a list/tuple/ndarray of l true labels (type must be int/double).\n       It is used for calculating the accuracy. Use [] if true labels are\n       unavailable.\n\n    x: 1. a list/tuple of l training instances. Feature vector of\n          each training instance is a list/tuple or dictionary.\n\n       2. an l * n numpy ndarray or scipy spmatrix (n: number of features).\n\n    predicting_options: a string of predicting options in the same format as\n                        that of LIBLINEAR.\n\n    model: a model instance.\n\n    p_labels: a list of predicted labels\n\n    p_acc: a tuple including accuracy (for classification), mean\n           squared error, and squared correlation coefficient (for\n           regression).\n\n    p_vals: a list of decision values or probability estimates (if '-b 1'\n            is specified). If k is the number of classes, for decision values,\n            each element includes results of predicting k binary-class\n            SVMs. If k = 2 and solver is not MCSVM_CS, only one decision value\n            is returned. For probabilities, each element contains k values\n            indicating the probability that the testing instance is in each class.\n            Note that the order of classes here is the same as 'model.label'\n            field in the model structure.\n\n    Example:\n\n    >>> m = train(y, x, '-c 5')\n    >>> p_labels, p_acc, p_vals = predict(y, x, m)\n\n- Functions: svm_read_problem/load_model/save_model\n\n    See the usage by examples:\n\n    >>> y, x = svm_read_problem('data.txt')\n    >>> m = load_model('model_file')\n    >>> save_model('model_file', m)\n\n- Function: evaluations\n\n    Calculate some evaluations using the true values (ty) and the predicted\n    values (pv):\n\n    >>> (ACC, MSE, SCC) = evaluations(ty, pv, useScipy)\n\n    ty: a list/tuple/ndarray of true values.\n\n    pv: a list/tuple/ndarray of predicted values.\n\n    useScipy: convert ty, pv to ndarray, and use scipy functions to do the evaluation\n\n    ACC: accuracy.\n\n    MSE: mean squared error.\n\n    SCC: squared correlation coefficient.\n\n- Function: csr_find_scale_parameter/csr_scale\n\n    Scale data in csr format.\n\n    >>> param = csr_find_scale_param(x [, lower=l, upper=u])\n    >>> x = csr_scale(x, param)\n\n    x: a csr_matrix of data.\n\n    l: x scaling lower limit; default -1.\n\n    u: x scaling upper limit; default 1.\n\n    The scaling process is: x * diag(coef) + ones(l, 1) * offset'\n\n    param: a dictionary of scaling parameters, where param['coef'] = coef and param['offset'] = offset.\n\n    coef: a scipy array of scaling coefficients.\n\n    offset: a scipy array of scaling offsets.\n\nAdditional Information\n======================\n\nThis interface was originally written by Hsiang-Fu Yu from Department of Computer\nScience, National Taiwan University. If you find this tool useful, please\ncite LIBLINEAR as follows\n\nR.-E. Fan, K.-W. Chang, C.-J. Hsieh, X.-R. Wang, and C.-J. Lin.\nLIBLINEAR: A Library for Large Linear Classification, Journal of\nMachine Learning Research 9(2008), 1871-1874. Software available at\nhttp://www.csie.ntu.edu.tw/~cjlin/liblinear\n\nFor any question, please contact Chih-Jen Lin <cjlin@csie.ntu.edu.tw>,\nor check the following pages:\n\nhttp://www.csie.ntu.edu.tw/~cjlin/liblinear/faq.html\nhttp://www.csie.ntu.edu.tw/~cjlin/libsvmtools/multicore-liblinear\n",
    "bugtrack_url": null,
    "license": "",
    "summary": "Python binding of multi-core LIBLINEAR",
    "version": "2.47.0",
    "project_urls": {
        "Homepage": "https://www.csie.ntu.edu.tw/~cjlin/libsvmtools/multicore-liblinear"
    },
    "split_keywords": [],
    "urls": [
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "b73c1bdd0514bd1c26595a7bd01502c892986cc320c156b003c420fda94758e0",
                "md5": "4e9546c1225e83d5031e7c6f3cc2ffdb",
                "sha256": "22cfaf7800143ac01bd924054b2f00a714c5c169c5ea3eab9257ab55d70db6d4"
            },
            "downloads": -1,
            "filename": "liblinear_multicore-2.47.0-cp310-cp310-macosx_10_9_x86_64.whl",
            "has_sig": false,
            "md5_digest": "4e9546c1225e83d5031e7c6f3cc2ffdb",
            "packagetype": "bdist_wheel",
            "python_version": "cp310",
            "requires_python": null,
            "size": 227609,
            "upload_time": "2023-07-10T07:25:44",
            "upload_time_iso_8601": "2023-07-10T07:25:44.868172Z",
            "url": "https://files.pythonhosted.org/packages/b7/3c/1bdd0514bd1c26595a7bd01502c892986cc320c156b003c420fda94758e0/liblinear_multicore-2.47.0-cp310-cp310-macosx_10_9_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "bb237c3c8f6e020ed9551a93eebfe0312d80aa9237292eac77c61f22bbddd080",
                "md5": "c9ee1a047e96b1877ea4bade0641f730",
                "sha256": "b5fd68eb7d24e29517c0a4b758a410a9a49aac31ccd89ec864c3958a8046370f"
            },
            "downloads": -1,
            "filename": "liblinear_multicore-2.47.0-cp310-cp310-win_amd64.whl",
            "has_sig": false,
            "md5_digest": "c9ee1a047e96b1877ea4bade0641f730",
            "packagetype": "bdist_wheel",
            "python_version": "cp310",
            "requires_python": null,
            "size": 63842,
            "upload_time": "2023-07-10T07:25:47",
            "upload_time_iso_8601": "2023-07-10T07:25:47.039272Z",
            "url": "https://files.pythonhosted.org/packages/bb/23/7c3c8f6e020ed9551a93eebfe0312d80aa9237292eac77c61f22bbddd080/liblinear_multicore-2.47.0-cp310-cp310-win_amd64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "02dbf9c15bbc8174f795547c4faff4e3ac56b8ea72941be83737b7fb9b99dd71",
                "md5": "bcb6212d1beefbf930d9778f8039f449",
                "sha256": "2d80d8e471fff09d9ba55b68eb5cdfdcddbedae768505be649b7567d854d8c41"
            },
            "downloads": -1,
            "filename": "liblinear_multicore-2.47.0-cp311-cp311-macosx_10_9_x86_64.whl",
            "has_sig": false,
            "md5_digest": "bcb6212d1beefbf930d9778f8039f449",
            "packagetype": "bdist_wheel",
            "python_version": "cp311",
            "requires_python": null,
            "size": 227610,
            "upload_time": "2023-07-10T07:25:49",
            "upload_time_iso_8601": "2023-07-10T07:25:49.514623Z",
            "url": "https://files.pythonhosted.org/packages/02/db/f9c15bbc8174f795547c4faff4e3ac56b8ea72941be83737b7fb9b99dd71/liblinear_multicore-2.47.0-cp311-cp311-macosx_10_9_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "e5a2bd4c0a17bd93d1774afaf92be64eac2b96eda736782e90b857cec17cb3e3",
                "md5": "aa092cf2cf0e383f5ad3de1e527fd6ee",
                "sha256": "1a2f44c6ae261ffc4b664ae8758313bb961b3c4fb69c040f50666101bea89ec5"
            },
            "downloads": -1,
            "filename": "liblinear_multicore-2.47.0-cp311-cp311-win_amd64.whl",
            "has_sig": false,
            "md5_digest": "aa092cf2cf0e383f5ad3de1e527fd6ee",
            "packagetype": "bdist_wheel",
            "python_version": "cp311",
            "requires_python": null,
            "size": 63843,
            "upload_time": "2023-07-10T07:25:51",
            "upload_time_iso_8601": "2023-07-10T07:25:51.473378Z",
            "url": "https://files.pythonhosted.org/packages/e5/a2/bd4c0a17bd93d1774afaf92be64eac2b96eda736782e90b857cec17cb3e3/liblinear_multicore-2.47.0-cp311-cp311-win_amd64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "677c1af77167cf5757434c38acb2638931bd6981678a2b6e28e4b1548f37d88b",
                "md5": "09b89dcbb0637c3835a2b4ab2b7ff7f8",
                "sha256": "982407644c36ca7a03c6e061f81997c96a63dcc55f1bfa7f73a5ab5f7525cc73"
            },
            "downloads": -1,
            "filename": "liblinear_multicore-2.47.0-cp36-cp36m-macosx_10_9_x86_64.whl",
            "has_sig": false,
            "md5_digest": "09b89dcbb0637c3835a2b4ab2b7ff7f8",
            "packagetype": "bdist_wheel",
            "python_version": "cp36",
            "requires_python": null,
            "size": 227629,
            "upload_time": "2023-07-10T07:25:54",
            "upload_time_iso_8601": "2023-07-10T07:25:54.029284Z",
            "url": "https://files.pythonhosted.org/packages/67/7c/1af77167cf5757434c38acb2638931bd6981678a2b6e28e4b1548f37d88b/liblinear_multicore-2.47.0-cp36-cp36m-macosx_10_9_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "a72130823744afa68470bdb5606b97702a964202444b1e1604b61a191322e294",
                "md5": "ec0ea17d3da0dc2aa611e8a0ee8bb9fe",
                "sha256": "51f9704467554c068e58f094216b65b9a8488a2cbf8e52177ba2b7313c140922"
            },
            "downloads": -1,
            "filename": "liblinear_multicore-2.47.0-cp36-cp36m-win_amd64.whl",
            "has_sig": false,
            "md5_digest": "ec0ea17d3da0dc2aa611e8a0ee8bb9fe",
            "packagetype": "bdist_wheel",
            "python_version": "cp36",
            "requires_python": null,
            "size": 65266,
            "upload_time": "2023-07-10T07:25:56",
            "upload_time_iso_8601": "2023-07-10T07:25:56.197473Z",
            "url": "https://files.pythonhosted.org/packages/a7/21/30823744afa68470bdb5606b97702a964202444b1e1604b61a191322e294/liblinear_multicore-2.47.0-cp36-cp36m-win_amd64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "d595ab78c8840a69d5f14bedee713df501cdfba6e2185b722d4c679e7ceb36fd",
                "md5": "e20e0bad23d1a66558fd00f315ce43de",
                "sha256": "bab5e72944fc43330fcba731f8cfd5dbe147f60491596834696ce20d32c45815"
            },
            "downloads": -1,
            "filename": "liblinear_multicore-2.47.0-cp37-cp37m-macosx_10_9_x86_64.whl",
            "has_sig": false,
            "md5_digest": "e20e0bad23d1a66558fd00f315ce43de",
            "packagetype": "bdist_wheel",
            "python_version": "cp37",
            "requires_python": null,
            "size": 227611,
            "upload_time": "2023-07-10T07:25:59",
            "upload_time_iso_8601": "2023-07-10T07:25:59.553679Z",
            "url": "https://files.pythonhosted.org/packages/d5/95/ab78c8840a69d5f14bedee713df501cdfba6e2185b722d4c679e7ceb36fd/liblinear_multicore-2.47.0-cp37-cp37m-macosx_10_9_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "56d4b70c6fdd3660215c75998f4a4288e5cbe33214185e003a0fb2ace2fdad35",
                "md5": "5f9875d3c19c6ffd761db9e8b1cf6d9e",
                "sha256": "a1f76fb565fb22b85ee5baa635a406b547658ea4083ead0dce16bcad86788bbd"
            },
            "downloads": -1,
            "filename": "liblinear_multicore-2.47.0-cp37-cp37m-win_amd64.whl",
            "has_sig": false,
            "md5_digest": "5f9875d3c19c6ffd761db9e8b1cf6d9e",
            "packagetype": "bdist_wheel",
            "python_version": "cp37",
            "requires_python": null,
            "size": 63843,
            "upload_time": "2023-07-10T07:26:01",
            "upload_time_iso_8601": "2023-07-10T07:26:01.852418Z",
            "url": "https://files.pythonhosted.org/packages/56/d4/b70c6fdd3660215c75998f4a4288e5cbe33214185e003a0fb2ace2fdad35/liblinear_multicore-2.47.0-cp37-cp37m-win_amd64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "84b892fec6538c602ed869b3c3784b1e2c337dd7544e6c237558cdb79e5fdf5d",
                "md5": "84040c8f7ca65e1de73a99cb96993dbc",
                "sha256": "f5fa8be1197d2af9bf65aebb3a6cab297da4037e22d20e8cce32fcbdabd85f86"
            },
            "downloads": -1,
            "filename": "liblinear_multicore-2.47.0-cp38-cp38-macosx_10_9_x86_64.whl",
            "has_sig": false,
            "md5_digest": "84040c8f7ca65e1de73a99cb96993dbc",
            "packagetype": "bdist_wheel",
            "python_version": "cp38",
            "requires_python": null,
            "size": 227605,
            "upload_time": "2023-07-10T07:26:04",
            "upload_time_iso_8601": "2023-07-10T07:26:04.932686Z",
            "url": "https://files.pythonhosted.org/packages/84/b8/92fec6538c602ed869b3c3784b1e2c337dd7544e6c237558cdb79e5fdf5d/liblinear_multicore-2.47.0-cp38-cp38-macosx_10_9_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "1c8da247a057538f106bdef77f19e07631308b374b9ec29c043473672d021f9f",
                "md5": "28b0ff8e4e2b75a89efbf21135073fb9",
                "sha256": "1685aada760f073405cd469581976e8b8a76e182dd6a87e6ca6bf389755dd53f"
            },
            "downloads": -1,
            "filename": "liblinear_multicore-2.47.0-cp38-cp38-win_amd64.whl",
            "has_sig": false,
            "md5_digest": "28b0ff8e4e2b75a89efbf21135073fb9",
            "packagetype": "bdist_wheel",
            "python_version": "cp38",
            "requires_python": null,
            "size": 63840,
            "upload_time": "2023-07-10T07:26:07",
            "upload_time_iso_8601": "2023-07-10T07:26:07.051913Z",
            "url": "https://files.pythonhosted.org/packages/1c/8d/a247a057538f106bdef77f19e07631308b374b9ec29c043473672d021f9f/liblinear_multicore-2.47.0-cp38-cp38-win_amd64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "59e962cf4bf6b64523ef18e1ad292cfaf7514c0897e7d46a4148ffb647a95ec9",
                "md5": "2110651172edebe79ed9cce78d0a3b80",
                "sha256": "f6216b9ade051b1421a4839c332066f936ed92d6cc890c08d198b3a62a2badcd"
            },
            "downloads": -1,
            "filename": "liblinear_multicore-2.47.0-cp39-cp39-macosx_10_9_x86_64.whl",
            "has_sig": false,
            "md5_digest": "2110651172edebe79ed9cce78d0a3b80",
            "packagetype": "bdist_wheel",
            "python_version": "cp39",
            "requires_python": null,
            "size": 227609,
            "upload_time": "2023-07-10T07:26:09",
            "upload_time_iso_8601": "2023-07-10T07:26:09.897438Z",
            "url": "https://files.pythonhosted.org/packages/59/e9/62cf4bf6b64523ef18e1ad292cfaf7514c0897e7d46a4148ffb647a95ec9/liblinear_multicore-2.47.0-cp39-cp39-macosx_10_9_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "3fa3de60413bbaaaac9bad366437dc1c315b7bf17093a322843b10af7f391871",
                "md5": "f343d6f162a227d553a5c8416a5ac2d4",
                "sha256": "4286a6eff4abde145f1c785a510efdb0d02ee4b8e28bd1bcc77ed6d94c16ce85"
            },
            "downloads": -1,
            "filename": "liblinear_multicore-2.47.0-cp39-cp39-win_amd64.whl",
            "has_sig": false,
            "md5_digest": "f343d6f162a227d553a5c8416a5ac2d4",
            "packagetype": "bdist_wheel",
            "python_version": "cp39",
            "requires_python": null,
            "size": 63840,
            "upload_time": "2023-07-10T07:26:12",
            "upload_time_iso_8601": "2023-07-10T07:26:12.030415Z",
            "url": "https://files.pythonhosted.org/packages/3f/a3/de60413bbaaaac9bad366437dc1c315b7bf17093a322843b10af7f391871/liblinear_multicore-2.47.0-cp39-cp39-win_amd64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "b1e53587fc1a34962ad059782989c0d5b1f7071137c5e318320b33b6916696c3",
                "md5": "2f5e18ea8718c40c9fdc36e8dea66021",
                "sha256": "eb45abc25bc5231812470a61952c82e95e71cf2b88281b75e20f3422206f7136"
            },
            "downloads": -1,
            "filename": "liblinear-multicore-2.47.0.tar.gz",
            "has_sig": false,
            "md5_digest": "2f5e18ea8718c40c9fdc36e8dea66021",
            "packagetype": "sdist",
            "python_version": "source",
            "requires_python": null,
            "size": 49072,
            "upload_time": "2023-07-10T07:26:13",
            "upload_time_iso_8601": "2023-07-10T07:26:13.971513Z",
            "url": "https://files.pythonhosted.org/packages/b1/e5/3587fc1a34962ad059782989c0d5b1f7071137c5e318320b33b6916696c3/liblinear-multicore-2.47.0.tar.gz",
            "yanked": false,
            "yanked_reason": null
        }
    ],
    "upload_time": "2023-07-10 07:26:13",
    "github": false,
    "gitlab": false,
    "bitbucket": false,
    "codeberg": false,
    "lcname": "liblinear-multicore"
}
        
Elapsed time: 0.19140s