PG-SUI


NamePG-SUI JSON
Version 0.2 PyPI version JSON
download
home_pagehttps://github.com/btmartin721/PG-SUI
SummaryPython machine and deep learning package to impute missing SNPs
upload_time2023-07-23 01:31:36
maintainerBradley T. Martin
docs_urlNone
authorBradley T. Martin and Tyler K. Chafin
requires_python>=3.8,<4
licenseGNU General Public License v3 (GPLv3)
keywords python impute imputation imputer machine learning neural network api iterativeimputer vae ubp nlpca autoencoder
VCS
bugtrack_url
requirements No requirements were recorded.
Travis-CI No Travis.
coveralls test coverage No coveralls.
            
<img src="https://github.com/btmartin721/PG-SUI/blob/master/img/pgsui-logo-faded.png" alt="PG-SUI Logo" width="50%" height="50%">


# PG-SUI

Population Genomic Supervised and Unsupervised Imputation.

## About PG-SUI

PG-SUI is a Python 3 API that uses machine learning to impute missing values from population genomic SNP data. There are several supervised and unsupervised machine learning algorithms available to impute missing data, as well as some non-machine learning imputers that are useful. 

Below is some general information and a basic tutorial. For more detailed information, see our [API Documentation](https://pg-sui.readthedocs.io/en/latest/).

### Supervised Imputation Methods

Supervised methods utilze the scikit-learn's IterativeImputer, which is based on the MICE (Multivariate Imputation by Chained Equations) algorithm ([1](#1)), and iterates over each SNP site (i.e., feature) while uses the N nearest neighbor features to inform the imputation. The number of nearest features can be adjusted by users. IterativeImputer currently works with any of the following scikit-learn classifiers: 

+ K-Nearest Neighbors
+ Random Forest
+ XGBoost

See the scikit-learn documentation (https://scikit-learn.org) for more information on IterativeImputer and each of the classifiers.

### Unsupervised Imputation Methods

Unsupervised imputers include three custom neural network models:

+ Variational Autoencoder (VAE) ([2](#2))
+ Standard Autoencoder (SAE) ([3](#3))
+ Non-linear Principal Component Analysis (NLPCA) ([4](#4))
+ Unsupervised Backpropagation (UBP) ([5](#5))

VAE models train themselves to reconstruct their input (i.e., the genotypes). To use VAE for imputation, the missing values are masked and the VAE model gets trained to reconstruct only on known values. Once the model is trained, it is then used to predict the missing values.

SAE is a standard autoencoder that trains the input to predict itself. As with VAE, missing values are masked and the model gets trained only on known values. Predictions are then made on the missing values.

NLPCA initializes random, reduced-dimensional input, then trains itself by using the known values (i.e., genotypes) as targets and refining the random input until it accurately predicts the genotype output. The trained model can then predict the missing values.

UBP is an extension of NLPCA that runs over three phases. Phase 1 refines the randomly generated, reduced-dimensional input in a single layer perceptron neural network to obtain good initial input values. Phase 2 uses the refined reduced-dimensional input from phase 1 as input into a multi-layer perceptron (MLP), but in Phase 2 only the neural network weights are refined. Phase three uses an MLP to refine both the weights and the reduced-dimensional input. Once the model is trained, it can be used to predict the missing values.

### Non-Machine Learning Methods

We also include several non-machine learning options for imputing missing data, including:

+ Per-population mode per SNP site
+ Global mode per SNP site
+ Using a phylogeny as input to inform the imputation
+ Matrix Factorization

These four "simple" imputation methods can be used as standalone imputers, as the initial imputation strategy for IterativeImputer (at least one method is required to be chosen), and to validate the accuracy of both IterativeImputer and the neural network models.

## Installing PG-SUI

The easiest way to install PG-SUI is to use pip:

```
pip install pgsui
```

If you have an Intel CPU and want to use the sklearn-genetic-intelex package to speed up scikit-learn computations, you can do:

```
pip install pgsui[intel]
```

## Manual Installation

### Dependencies

+ python >= 3.8
+ pandas
+ numpy==1.24.3
+ scipy
+ matplotlib
+ seaborn
+ plotly
+ kaleido
+ jupyterlab
+ tqdm
+ toytree
+ pyvolve
+ scikit-learn
+ tensorflow >= 2.7
+ keras >= 2.7
+ xgboost
+ scikeras >= 0.6.0
+ snpio


### Manual Install

If you want to install everything manually, the requirements can be installed with conda and pip. sklearn-genetic-opt and scikeras are only avaiable via pip, and scikeras requires tensorflow >= 2.7 and scikit-learn >= 1.0.

```
conda create -n pg-sui python
conda activate pg-sui

conda install matplotlib seaborn jupyterlab scikit-learn tqdm pandas numpy scipy xgboost lightgbm kaleido

# Only works if using Intel CPUs; speeds up processing
conda install scikit-learn-intelex

conda install -c conda-forge toytree kaleido

conda install -c bioconda pyvolve

conda install -c plotly plotly

pip install sklearn-genetic-opt[all]

pip install scikeras snpio

pip install tensorflow-cpu
```

#### Installation troubleshooting

##### "use_2to3 is invalid" error

Users running setuptools v58 may encounter this error during the last step of installation, using pip to install sklearn-genetic-opt:

```
ERROR: Command errored out with exit status 1:
   command: /Users/tyler/miniforge3/envs/pg-sui/bin/python3.8 -c 'import io, os, sys, setuptools, tokenize; sys.argv[0] = '"'"'/private/var/folders/6x/t6g4kn711z5cxmc2_tvq0mlw0000gn/T/pip-install-6y5g_mhs/deap_1d32f65d60a44056bd7031f3aad44571/setup.py'"'"'; __file__='"'"'/private/var/folders/6x/t6g4kn711z5cxmc2_tvq0mlw0000gn/T/pip-install-6y5g_mhs/deap_1d32f65d60a44056bd7031f3aad44571/setup.py'"'"';f = getattr(tokenize, '"'"'open'"'"', open)(__file__) if os.path.exists(__file__) else io.StringIO('"'"'from setuptools import setup; setup()'"'"');code = f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, __file__, '"'"'exec'"'"'))' egg_info --egg-base /private/var/folders/6x/t6g4kn711z5cxmc2_tvq0mlw0000gn/T/pip-pip-egg-info-7hg3hcq2
       cwd: /private/var/folders/6x/t6g4kn711z5cxmc2_tvq0mlw0000gn/T/pip-install-6y5g_mhs/deap_1d32f65d60a44056bd7031f3aad44571/
  Complete output (1 lines):
  error in deap setup command: use_2to3 is invalid.
```

This occurs during the installation of DEAP, one of the dependencies for sklearn-genetic-opt. As a workaround, first downgrade setuptools, and then proceed with the installation as normal:
```
pip install setuptools==57
pip install sklearn-genetic-opt[all]

```

##### Mac ARM architecture

PG-SUI has been tested on the new Mac M1 chips and is working fine, but some changes to the installation process were necessary as of 9-December-21. Installation was successful using the following:

```
### Install Miniforge3 instead of Miniconda3
### Download: https://github.com/conda-forge/miniforge/releases/latest/download/Miniforge3-MacOSX-arm64.sh
bash ~/Downloads/Miniforge3-MacOSX-arm64.sh

# Close and re-open terminal #

#create and activate conda environment
conda create -n pg-sui python

#activate environment
conda activate pg-sui

#install packages
conda install -c conda-forge matplotlib seaborn jupyterlab scikit-learn tqdm pandas numpy scipy xgboost lightgbm tensorflow keras sklearn-genetic-opt toytree
conda install -c bioconda pyvolve

#downgrade setuptools (may or may not be necessary)
pip install setuptools==57

#install sklearn-genetic-opt and mlflow
pip install sklearn-genetic-opt mlflow

```

Any other problems we run into testing on the Mac ARM architecture will be adjusted here. Note that the step installing scikit-learn-intelex was skipped here. PG-SUI will automatically detect the CPU architecture you are running, and forgo importing this package (which will only work on Intel processors)

## Input Data

You can read your input files as a GenotypeData object from the [SNPio](https://snpio.readthedocs.io/en/latest/) package:

```

# Import snpio. Automatically installed with pgsui when using pip.
from snpio import GenotypeData 

# Read in PHYLIP, VCF, or STRUCTURE-formatted alignments.
data = GenotypeData(
    filename="example_data/phylip_files/phylogen_nomx.u.snps.phy",
    popmapfile="example_data/popmaps/phylogen_nomx.popmap",
    force_popmap=True,
    filetype="auto",
    qmatrix_iqtree="example_data/trees/test.qmat",
    siterates_iqtree="example_data/trees/test.rate",
    guidetree="example_data/trees/test.tre",
    include_pops=["EA", "TT", "GU"], # Only include these populations. There's also an exclude_pops option that will exclude the provided populations.
)
```

## Supported Imputation Methods

There are numerous supported algorithms to impute missing data. Each one can be run by calling the corresponding class. You must provide a GenotypeData instance as the first positional argument.

You can import all the supported methods with:

```
from pgsui import *
```

Or you can import them one at a time.

```
from pgsui import ImputeVAE
```

### Supervised Imputers

Various supervised imputation options are supported:

```
# Supervised IterativeImputer classifiers
knn = ImputeKNN(data) # K-Nearest Neighbors
rf = ImputeRandomForest(data) # Random Forest or Extra Trees
xgb = ImputeXGBoost(data) # XGBoost
```

### Non-machine learning methods

Use phylogeny to inform imputation:

```
phylo = ImputePhylo(data)
```

Use by-population or global allele frequency to inform imputation

```
pop_af = ImputeAlleleFreq(data, by_populations=True)
global_af = ImputeAlleleFreq(data, by_populations=False)
ref_af = ImputeRefAllele(data)
```

Non-matrix factorization:

```
mf = ImputeMF(*args) # Matrix factorization
```

### Unsupervised Neural Networks

```
vae = ImputeVAE(data) # Variational autoencoder
nlpca = ImputeNLPCA(data) # Nonlinear PCA
ubp = ImputeUBP(data) # Unsupervised backpropagation
sae = ImputeStandardAutoEncoder(data) # standard autoencoder
```

## To-Dos

- simulations
- Documentation

## References:

<a name="1">1. </a>Stef van Buuren, Karin Groothuis-Oudshoorn (2011). mice: Multivariate Imputation by Chained Equations in R. Journal of Statistical Software 45: 1-67.

<a name="2">2. </a>Kingma, D.P. & Welling, M. (2013). Auto-encoding variational bayes. In: Proceedings  of  the  International Conference on Learning Representations (ICLR). arXiv:1312.6114 [stat.ML].

<a name="3">3. </a>Hinton, G.E., & Salakhutdinov, R.R. (2006). Reducing the dimensionality of data with neural networks. Science, 313(5786), 504-507.

<a name="4">4. </a>Scholz, M., Kaplan, F., Guy, C. L., Kopka, J., & Selbig, J. (2005). Non-linear PCA: a missing data approach. Bioinformatics, 21(20), 3887-3895.

<a name="5">5. </a>Gashler, M. S., Smith, M. R., Morris, R., & Martinez, T. (2016). Missing value imputation with unsupervised backpropagation. Computational Intelligence, 32(2), 196-215.



            

Raw data

            {
    "_id": null,
    "home_page": "https://github.com/btmartin721/PG-SUI",
    "name": "PG-SUI",
    "maintainer": "Bradley T. Martin",
    "docs_url": null,
    "requires_python": ">=3.8,<4",
    "maintainer_email": "evobio721@gmail.com",
    "keywords": "python,impute,imputation,imputer,machine learning,neural network,api,IterativeImputer,vae,ubp,nlpca,autoencoder",
    "author": "Bradley T. Martin and Tyler K. Chafin",
    "author_email": "evobio721@gmail.com",
    "download_url": "https://files.pythonhosted.org/packages/95/44/d2dc7592e49b0248679f6e8f506037333e87081391e812468efa189870d5/PG-SUI-0.2.tar.gz",
    "platform": null,
    "description": "\n<img src=\"https://github.com/btmartin721/PG-SUI/blob/master/img/pgsui-logo-faded.png\" alt=\"PG-SUI Logo\" width=\"50%\" height=\"50%\">\n\n\n# PG-SUI\n\nPopulation Genomic Supervised and Unsupervised Imputation.\n\n## About PG-SUI\n\nPG-SUI is a Python 3 API that uses machine learning to impute missing values from population genomic SNP data. There are several supervised and unsupervised machine learning algorithms available to impute missing data, as well as some non-machine learning imputers that are useful. \n\nBelow is some general information and a basic tutorial. For more detailed information, see our [API Documentation](https://pg-sui.readthedocs.io/en/latest/).\n\n### Supervised Imputation Methods\n\nSupervised methods utilze the scikit-learn's IterativeImputer, which is based on the MICE (Multivariate Imputation by Chained Equations) algorithm ([1](#1)), and iterates over each SNP site (i.e., feature) while uses the N nearest neighbor features to inform the imputation. The number of nearest features can be adjusted by users. IterativeImputer currently works with any of the following scikit-learn classifiers: \n\n+ K-Nearest Neighbors\n+ Random Forest\n+ XGBoost\n\nSee the scikit-learn documentation (https://scikit-learn.org) for more information on IterativeImputer and each of the classifiers.\n\n### Unsupervised Imputation Methods\n\nUnsupervised imputers include three custom neural network models:\n\n+ Variational Autoencoder (VAE) ([2](#2))\n+ Standard Autoencoder (SAE) ([3](#3))\n+ Non-linear Principal Component Analysis (NLPCA) ([4](#4))\n+ Unsupervised Backpropagation (UBP) ([5](#5))\n\nVAE models train themselves to reconstruct their input (i.e., the genotypes). To use VAE for imputation, the missing values are masked and the VAE model gets trained to reconstruct only on known values. Once the model is trained, it is then used to predict the missing values.\n\nSAE is a standard autoencoder that trains the input to predict itself. As with VAE, missing values are masked and the model gets trained only on known values. Predictions are then made on the missing values.\n\nNLPCA initializes random, reduced-dimensional input, then trains itself by using the known values (i.e., genotypes) as targets and refining the random input until it accurately predicts the genotype output. The trained model can then predict the missing values.\n\nUBP is an extension of NLPCA that runs over three phases. Phase 1 refines the randomly generated, reduced-dimensional input in a single layer perceptron neural network to obtain good initial input values. Phase 2 uses the refined reduced-dimensional input from phase 1 as input into a multi-layer perceptron (MLP), but in Phase 2 only the neural network weights are refined. Phase three uses an MLP to refine both the weights and the reduced-dimensional input. Once the model is trained, it can be used to predict the missing values.\n\n### Non-Machine Learning Methods\n\nWe also include several non-machine learning options for imputing missing data, including:\n\n+ Per-population mode per SNP site\n+ Global mode per SNP site\n+ Using a phylogeny as input to inform the imputation\n+ Matrix Factorization\n\nThese four \"simple\" imputation methods can be used as standalone imputers, as the initial imputation strategy for IterativeImputer (at least one method is required to be chosen), and to validate the accuracy of both IterativeImputer and the neural network models.\n\n## Installing PG-SUI\n\nThe easiest way to install PG-SUI is to use pip:\n\n```\npip install pgsui\n```\n\nIf you have an Intel CPU and want to use the sklearn-genetic-intelex package to speed up scikit-learn computations, you can do:\n\n```\npip install pgsui[intel]\n```\n\n## Manual Installation\n\n### Dependencies\n\n+ python >= 3.8\n+ pandas\n+ numpy==1.24.3\n+ scipy\n+ matplotlib\n+ seaborn\n+ plotly\n+ kaleido\n+ jupyterlab\n+ tqdm\n+ toytree\n+ pyvolve\n+ scikit-learn\n+ tensorflow >= 2.7\n+ keras >= 2.7\n+ xgboost\n+ scikeras >= 0.6.0\n+ snpio\n\n\n### Manual Install\n\nIf you want to install everything manually, the requirements can be installed with conda and pip. sklearn-genetic-opt and scikeras are only avaiable via pip, and scikeras requires tensorflow >= 2.7 and scikit-learn >= 1.0.\n\n```\nconda create -n pg-sui python\nconda activate pg-sui\n\nconda install matplotlib seaborn jupyterlab scikit-learn tqdm pandas numpy scipy xgboost lightgbm kaleido\n\n# Only works if using Intel CPUs; speeds up processing\nconda install scikit-learn-intelex\n\nconda install -c conda-forge toytree kaleido\n\nconda install -c bioconda pyvolve\n\nconda install -c plotly plotly\n\npip install sklearn-genetic-opt[all]\n\npip install scikeras snpio\n\npip install tensorflow-cpu\n```\n\n#### Installation troubleshooting\n\n##### \"use_2to3 is invalid\" error\n\nUsers running setuptools v58 may encounter this error during the last step of installation, using pip to install sklearn-genetic-opt:\n\n```\nERROR: Command errored out with exit status 1:\n   command: /Users/tyler/miniforge3/envs/pg-sui/bin/python3.8 -c 'import io, os, sys, setuptools, tokenize; sys.argv[0] = '\"'\"'/private/var/folders/6x/t6g4kn711z5cxmc2_tvq0mlw0000gn/T/pip-install-6y5g_mhs/deap_1d32f65d60a44056bd7031f3aad44571/setup.py'\"'\"'; __file__='\"'\"'/private/var/folders/6x/t6g4kn711z5cxmc2_tvq0mlw0000gn/T/pip-install-6y5g_mhs/deap_1d32f65d60a44056bd7031f3aad44571/setup.py'\"'\"';f = getattr(tokenize, '\"'\"'open'\"'\"', open)(__file__) if os.path.exists(__file__) else io.StringIO('\"'\"'from setuptools import setup; setup()'\"'\"');code = f.read().replace('\"'\"'\\r\\n'\"'\"', '\"'\"'\\n'\"'\"');f.close();exec(compile(code, __file__, '\"'\"'exec'\"'\"'))' egg_info --egg-base /private/var/folders/6x/t6g4kn711z5cxmc2_tvq0mlw0000gn/T/pip-pip-egg-info-7hg3hcq2\n       cwd: /private/var/folders/6x/t6g4kn711z5cxmc2_tvq0mlw0000gn/T/pip-install-6y5g_mhs/deap_1d32f65d60a44056bd7031f3aad44571/\n  Complete output (1 lines):\n  error in deap setup command: use_2to3 is invalid.\n```\n\nThis occurs during the installation of DEAP, one of the dependencies for sklearn-genetic-opt. As a workaround, first downgrade setuptools, and then proceed with the installation as normal:\n```\npip install setuptools==57\npip install sklearn-genetic-opt[all]\n\n```\n\n##### Mac ARM architecture\n\nPG-SUI has been tested on the new Mac M1 chips and is working fine, but some changes to the installation process were necessary as of 9-December-21. Installation was successful using the following:\n\n```\n### Install Miniforge3 instead of Miniconda3\n### Download: https://github.com/conda-forge/miniforge/releases/latest/download/Miniforge3-MacOSX-arm64.sh\nbash ~/Downloads/Miniforge3-MacOSX-arm64.sh\n\n# Close and re-open terminal #\n\n#create and activate conda environment\nconda create -n pg-sui python\n\n#activate environment\nconda activate pg-sui\n\n#install packages\nconda install -c conda-forge matplotlib seaborn jupyterlab scikit-learn tqdm pandas numpy scipy xgboost lightgbm tensorflow keras sklearn-genetic-opt toytree\nconda install -c bioconda pyvolve\n\n#downgrade setuptools (may or may not be necessary)\npip install setuptools==57\n\n#install sklearn-genetic-opt and mlflow\npip install sklearn-genetic-opt mlflow\n\n```\n\nAny other problems we run into testing on the Mac ARM architecture will be adjusted here. Note that the step installing scikit-learn-intelex was skipped here. PG-SUI will automatically detect the CPU architecture you are running, and forgo importing this package (which will only work on Intel processors)\n\n## Input Data\n\nYou can read your input files as a GenotypeData object from the [SNPio](https://snpio.readthedocs.io/en/latest/) package:\n\n```\n\n# Import snpio. Automatically installed with pgsui when using pip.\nfrom snpio import GenotypeData \n\n# Read in PHYLIP, VCF, or STRUCTURE-formatted alignments.\ndata = GenotypeData(\n    filename=\"example_data/phylip_files/phylogen_nomx.u.snps.phy\",\n    popmapfile=\"example_data/popmaps/phylogen_nomx.popmap\",\n    force_popmap=True,\n    filetype=\"auto\",\n    qmatrix_iqtree=\"example_data/trees/test.qmat\",\n    siterates_iqtree=\"example_data/trees/test.rate\",\n    guidetree=\"example_data/trees/test.tre\",\n    include_pops=[\"EA\", \"TT\", \"GU\"], # Only include these populations. There's also an exclude_pops option that will exclude the provided populations.\n)\n```\n\n## Supported Imputation Methods\n\nThere are numerous supported algorithms to impute missing data. Each one can be run by calling the corresponding class. You must provide a GenotypeData instance as the first positional argument.\n\nYou can import all the supported methods with:\n\n```\nfrom pgsui import *\n```\n\nOr you can import them one at a time.\n\n```\nfrom pgsui import ImputeVAE\n```\n\n### Supervised Imputers\n\nVarious supervised imputation options are supported:\n\n```\n# Supervised IterativeImputer classifiers\nknn = ImputeKNN(data) # K-Nearest Neighbors\nrf = ImputeRandomForest(data) # Random Forest or Extra Trees\nxgb = ImputeXGBoost(data) # XGBoost\n```\n\n### Non-machine learning methods\n\nUse phylogeny to inform imputation:\n\n```\nphylo = ImputePhylo(data)\n```\n\nUse by-population or global allele frequency to inform imputation\n\n```\npop_af = ImputeAlleleFreq(data, by_populations=True)\nglobal_af = ImputeAlleleFreq(data, by_populations=False)\nref_af = ImputeRefAllele(data)\n```\n\nNon-matrix factorization:\n\n```\nmf = ImputeMF(*args) # Matrix factorization\n```\n\n### Unsupervised Neural Networks\n\n```\nvae = ImputeVAE(data) # Variational autoencoder\nnlpca = ImputeNLPCA(data) # Nonlinear PCA\nubp = ImputeUBP(data) # Unsupervised backpropagation\nsae = ImputeStandardAutoEncoder(data) # standard autoencoder\n```\n\n## To-Dos\n\n- simulations\n- Documentation\n\n## References:\n\n<a name=\"1\">1. </a>Stef van Buuren, Karin Groothuis-Oudshoorn (2011). mice: Multivariate Imputation by Chained Equations in R. Journal of Statistical Software 45: 1-67.\n\n<a name=\"2\">2. </a>Kingma, D.P. & Welling, M. (2013). Auto-encoding variational bayes. In: Proceedings  of  the  International Conference on Learning Representations (ICLR). arXiv:1312.6114 [stat.ML].\n\n<a name=\"3\">3. </a>Hinton, G.E., & Salakhutdinov, R.R. (2006). Reducing the dimensionality of data with neural networks. Science, 313(5786), 504-507.\n\n<a name=\"4\">4. </a>Scholz, M., Kaplan, F., Guy, C. L., Kopka, J., & Selbig, J. (2005). Non-linear PCA: a missing data approach. Bioinformatics, 21(20), 3887-3895.\n\n<a name=\"5\">5. </a>Gashler, M. S., Smith, M. R., Morris, R., & Martinez, T. (2016). Missing value imputation with unsupervised backpropagation. Computational Intelligence, 32(2), 196-215.\n\n\n",
    "bugtrack_url": null,
    "license": "GNU General Public License v3 (GPLv3)",
    "summary": "Python machine and deep learning package to impute missing SNPs",
    "version": "0.2",
    "project_urls": {
        "Bug Tracker": "https://github.com/btmartin721/PG-SUI/issues",
        "Homepage": "https://github.com/btmartin721/PG-SUI"
    },
    "split_keywords": [
        "python",
        "impute",
        "imputation",
        "imputer",
        "machine learning",
        "neural network",
        "api",
        "iterativeimputer",
        "vae",
        "ubp",
        "nlpca",
        "autoencoder"
    ],
    "urls": [
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "51c1d23d3dcb4997d23f16532cea9f7af21dc6ac0ac6794afa3b2865b419a792",
                "md5": "15c55545cf98c88f9ac4da44d44a5740",
                "sha256": "889bb93f295e1d0d6ab681aa9f063de18f3cd92e1d1bfb676a2a6c8a262cbe56"
            },
            "downloads": -1,
            "filename": "PG_SUI-0.2-py3-none-any.whl",
            "has_sig": false,
            "md5_digest": "15c55545cf98c88f9ac4da44d44a5740",
            "packagetype": "bdist_wheel",
            "python_version": "py3",
            "requires_python": ">=3.8,<4",
            "size": 676484,
            "upload_time": "2023-07-23T01:31:34",
            "upload_time_iso_8601": "2023-07-23T01:31:34.501590Z",
            "url": "https://files.pythonhosted.org/packages/51/c1/d23d3dcb4997d23f16532cea9f7af21dc6ac0ac6794afa3b2865b419a792/PG_SUI-0.2-py3-none-any.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "9544d2dc7592e49b0248679f6e8f506037333e87081391e812468efa189870d5",
                "md5": "484536bba5e7170e997baeae66351f5c",
                "sha256": "1630b6cf4c91d36153fa3190016a61f39cb477739784bfd8183051aea5a68fe8"
            },
            "downloads": -1,
            "filename": "PG-SUI-0.2.tar.gz",
            "has_sig": false,
            "md5_digest": "484536bba5e7170e997baeae66351f5c",
            "packagetype": "sdist",
            "python_version": "source",
            "requires_python": ">=3.8,<4",
            "size": 547343,
            "upload_time": "2023-07-23T01:31:36",
            "upload_time_iso_8601": "2023-07-23T01:31:36.175296Z",
            "url": "https://files.pythonhosted.org/packages/95/44/d2dc7592e49b0248679f6e8f506037333e87081391e812468efa189870d5/PG-SUI-0.2.tar.gz",
            "yanked": false,
            "yanked_reason": null
        }
    ],
    "upload_time": "2023-07-23 01:31:36",
    "github": true,
    "gitlab": false,
    "bitbucket": false,
    "codeberg": false,
    "github_user": "btmartin721",
    "github_project": "PG-SUI",
    "travis_ci": false,
    "coveralls": false,
    "github_actions": false,
    "lcname": "pg-sui"
}
        
Elapsed time: 0.09215s