SPAIC


NameSPAIC JSON
Version 0.6.3.0.0 PyPI version JSON
download
home_pagehttps://github.com/ZhejianglabNCRC/SPAIC/
SummaryThe spaic platform simulation training platform is a network construction, forward simulation and learning training platform developed for spiking neural networks.
upload_time2023-08-28 02:08:56
maintainerhongchaofei
docs_urlNone
authorzjlab
requires_python>=3.6
licenseApache-2.0 license
keywords
VCS
bugtrack_url
requirements No requirements were recorded.
Travis-CI No Travis.
coveralls test coverage No coveralls.
            # SPAIC

English : [中文](./README_cn.md)

Spike-based artificial intelligence computing platform

The spaic platform simulation training platform is a network construction, forward simulation and learning training platform developed for spiking neural networks. It mainly includes modules such as front-end network modeling, back-end simulation and training, model algorithm library, data display and analysis, etc.

Dependency packages: pytorch, numpy

# Installation

Recently, SPAIC use PyTorch as backend for computation. If you also want to use CUDA, please make sure you have a CUDA version PyTorch installed.

**Tutorial documentation for the SPAIC:**  https://spaic.readthedocs.io/en/latest/index.html

**Install the last stable version from** [**PyPI**](https://pypi.org/project/SPAIC/):

```bash
pip install SPAIC
```

**From** [**GitHub**](https://github.com/ZhejianglabNCRC/SPAIC):

```bash
git clone https://github.com/ZhejianglabNCRC/SPAIC.git
cd SPAIC
python setup.py install
```

If you still have some questions, please feel free to contact us:  
Chaofei Hong <a href="mailto:hongchf@zhejainglab.com"> hongchf@zhejianglab.com</a>  
Mengwen Yuan <a href="mailto:yuanmw@zhejianglab.com"> yuanmw@zhejianglab.com</a>  
Mengxiao Zhang <a href="mailto:mxzhang@zhejianglab.com"> mxzhang@zhejianglab.com</a>  


<img src="./docs/source/_static/SPAIC-POSTER.png" style="zoom: 80%;" />


# Front-end Network Modeling Components and functions

​	The platform mainly builds the network through five types of structural modules such as Assembly, Connection, NeuronGroup, Node, and Network. The specific functions are described as follows, and the modeling structure relationship is shown in the following figure.

<img src="./docs/source/_static/front-end network components.png" style="zoom: 80%;" />



- **Assembly**: It is an abstract class of neural network structure topology, representing any network structure, and other network modules are subclasses of the Assembly class. The Assembly object has three dict attributes named _groups , _projections and _connections, which save the set of neurons and connections inside the neural assembly. It also has list attributes named _supers, _input_connections, and _output_connections, which represent the upper neural set containing this neural set and the connections to this neural set, respectively. As the main interface for network modeling, it includes the following main modeling functions:
    - add_assembly(name, assembly):  add a new assembly member to the neural assembly
    - del_assembly(assembly=None, name=None): delete an assembly member that already exists in the neural assembly
    - copy_assembly(name, assembly):  Copy an existing assembly structure and add the new assembly to this neural assembly 
    - replace_assembly(old_assembly, new_assembly):Replace an existing neural assembly inside the assembly with a new neural assembly 
    - merge_assembly( assembly): Merge this neural set with another neural set to get a new neural set
    - select_assembly(assemblies, name=None):Select some members in this neural assembly and the connections between them to form a new neural assembly, the original assembly remains unchanged
    - add_connection( name, connection): add the connect between two groups of neurons inside the assembly
    - del_connection(connection=None, name=None): delete a connection inside the assembly
    - assembly_hide(): hide this neural assembly and do not participate in this training, simulation or display
    - assembly_show(): convert this neural assembly from hidden state to normal state.
- **Connection**: A class for establishing connections between NeuronGroups, including the functions of generating and managing different types of synaptic connections and specific links. Some Key parameters for initialize connections are list below:
    - pre_assembly - presynaptic neuron, can also be regarded as the starting point of the connection, the previous layer
    - post_assembly - Postsynaptic neuron, can also be regarded as the end point of the connection, the next layer
    - name - the name of the connection, it is recommended that the user give a meaningful name
    - link_type - connection type, such as full connection, sparse connection, convolution connection, etc.
    - max_delay - the synaptic delay, i.e. the signal from the presynaptic neuron will be delayed by several time steps before being delivered to the postsynaptic neuron
    - sparse_with_mask - enable or disable the filter used for sparse matrices
    - pre_var_name - the output of the presynaptic neuron to the synapse, that is, the signal received by the connection, the default is to receive the spike signal sent by the presynaptic neuron named as 'O'

- **Projection**: A class for establishing connections between Assemblies, it contains multiple specific Connections of NeuornGroups, the Connections can be coded by user or automatically generated by ConnectionPolicy.
- **NeuronGroup**: is a class of a certain number of neurons, usually called a layer of neurons, with the same neuron model, connection form, etc. Although it inherits from the Assembly class, its internal The _groups, _projections and _connections properties are empty. Key parameters are neuron numbers, neuron model type and shape of the NeuronGroup.
- **Node**: The node is the object to transfer the input and output of the neural network, including the encoding and decoding, which converts the input into discharge or converts the discharge into output. Like NeuronGroup, the internal _groups and _connections properties are empty.
- **Network**: The top-level structure in the Assembly subclass. All modules of each constructed neural network are included in a Network object, which is also responsible for network training, simulation, data interaction and other network modeling work. In addition to the _groups and _connections attributes of the Assemby object, it also has _monitors, _learners, _optimizers, _backend, and other attributes, while _supers, _input_connections, _output_connections and other attributes are empty. Network provide the following interfaces for network building and training:
    - set_backend: set the compuation backend 
    - build: build the front-end network into computation graph
    - set_runtime: set the simulation time
    - run:  run a simulation
    - save_state: save network weights
    - state_from_dict: read network weights




# Typical Use Case

The simulation and training using the SPAIC mainly includes following steps: 1) data or environment import, 2)parameter selection related to the training process of the trainer, 3)model construction (including input and output node construction, neuron cluster, network connection, network topology, learning algorithm, data recorder and other units), 4) procedures of neuron simulation or training, model data analysis and saving

### Import SPAIC library


```python
import spaic
```

### Set training simulation parameters


```python
run_time = 200.0
bat_size = 100
```

###  Import training dataset


```python
# Create Dataset
root = 'D:\Datasets\MNIST'
dataset = spaic.MNIST(root, is_train=False)

#  Create DataLoader
dataloader = spaic.Dataloader(dataset, batch_size=bat_size, shuffle=True, drop_last=True)
n_batch = dataloader.batch_num
```

    >> Dataset loaded


## Network model construction
The model can be built in two ways: first, like Pytorch's module class inheritance, which is built in the _init_ function, and second, like Nengo's with statement. In addition, the existing model structure in the model algorithm library can also be introduced into the modeling process
### Modeling Method 1: Class Inheritance Form


```python
class ExampleNet(spaic.Network):
     def __init__(self):
        super(ExampleNet, self).__init__()
        
        
        # Create an input node and select the input encoding method
        self.input = spaic.Encoder(dataloader, encoding='latency')
              
        # Establish neurongroups, select neuron types, and set neuron parameter values
        self.layer1 = spaic.NeuronGroup(100, model='clif')
        self.layer2 = spaic.NeuronGroup(10, model='clif')
        
        # Establish connections between Neurongroups
        self.connection1 = spaic.Connection(self.input, self.layer1, link_type='full')
        self.connection2 = spaic.Connection(self.layer1, self.layer2, link_type='full')
        
        # Create an output node and select the output decoding method
        self.output = spaic.Decoder(decoding='spike_counts',target=self.layer2)

        # Establish a state detector, which can monitor the state of various objects
        self.monitor1 = spaic.StateMonitor(self.layer1, 'V')

        # Add the learning algorithm and select the network structure to be trained 
        self.learner1 = spaic.STCA(0.5, self)
        
        # Add optimization algorithm
        self.optim = spaic.Adam(lr=0.01, schedule='StepLR', maxstep=1000)

# Initialize the ExampleNet network object
Net = ExampleNet()
```

### Modeling method 2:  Using "with"


```python
# Initialize the object of the basic network class
Net = spaic.Network()

# Create a network structure by defining network components in with
with Net:
    # Create an input node and select the input encoding method
    input = spaic.Encoder(dataloader, encoding='latency')


    # Establish neurongroups, select neuron types, and set neuron parameter values
    layer1 = spaic.NeuronGroup(100, model='clif')
    layer2 = spaic.NeuronGroup(10, model='clif')

    # Establish connections between Neurongroups
    connection1 = spaic.Connection(input1, layer1, link_type='full')
    connection2 = spaic.Connection(layer1, layer2, link_type='full')

    # Create an output node and select the output decoding method
    output = spaic.Decoder(decoding='spike_counts',target=layer2)

    # Establish a state detector, which can monitor the state of various objects
    monitor1 = spaic.StateMonitor(layer1, 'V')

    # Add the learning algorithm and select the network structure to be trained 
    learner1 = spaic.STCA(0.5, Net)
    
    # Add optimization algorithm
    optim = spaic.Adam(lr=0.01, schedule='StepLR', maxstep=1000)
    
```

### Modeling method 3:  importing a model library model and modifying it with functions


```python
from spaic.Library import ExampleNet
Net = ExampleNet()
# neuron parameters
neuron_param = {
    'tau_m': 8.0,
    'V_th': 1.5,
}
# New neurongroups
layer3 = spaic.NeuronGroup(100, model='lif', param=neuron_param)
layer4 = spaic.NeuronGroup(100, model='lif', param=neuron_param)

# Add a new member to the Assembly
Net.add_assembly('layer3', layer3)
# Delete the members that already exist in the Assembly
Net.del_assembly(Net.layer3)
#  Copy an existing assembly structure and add the new assembly to this assembly
Net.copy_assembly('net_layer', ExampleNet())
# Replace an existing neural assembly inside the assembly with a new assembly
Net.replace_assembly(Net.layer1, layer3)
# Merge this neural assembly with another assembly to get a new neural assembly
Net2 = ExampleNet()
Net.merge_assembly(Net2)
#Connect two neurongroups inside the assembly
con = spaic.Connection(Net.layer2, Net.net_layer, link_type='full')
Net.add_connection('con3', con)
#Take out some set members in this assembly and their connections
Net3 = Net.select_assembly([Net.layer2, net_layer])
```

### Choose a backend and compile the network 


```python
backend = spaic.Torch_Backend()
sim_name = backend.backend_name
Net.build(backend)
```

### Start training 


```python
for epoch in range(100):
    print("Start training")
    train_loss = 0
    train_acc = 0
    pbar = tqdm(total=len(train_loader))
    for i, item in enumerate(train_loader):
        # forward
        data, label = item
        Net.input(data)
        Net.output(label)
        Net.run(run_time)
        output = Net.output.predict
        output = (output - torch.mean(output).detach()) / (torch.std(output).detach() + 0.1)
        label = torch.tensor(label, device=device)
        batch_loss = F.cross_entropy(output, label)

        # backward
        Net.learner.optim_zero_grad()
        batch_loss.backward()
        Net.learner.optim_step()
```



### Single simulation run


```python
Net.run(run_time=run_time)
```

### ploting the results


```python
from matplotlib import pyplot as plt
plt.plot(Net.monitor1.times, Net.monitor1.values[0,0,:])
plt.show()
```

### Save the network


```python
Net.save(filename='TestNet')
```

            

Raw data

            {
    "_id": null,
    "home_page": "https://github.com/ZhejianglabNCRC/SPAIC/",
    "name": "SPAIC",
    "maintainer": "hongchaofei",
    "docs_url": null,
    "requires_python": ">=3.6",
    "maintainer_email": "hongchf@zhejianglab.com",
    "keywords": "",
    "author": "zjlab",
    "author_email": "hongchf@zhejianglab.com",
    "download_url": "https://files.pythonhosted.org/packages/59/ee/a47974e839c1a6a1798a65aeefdfb9f7920ad32beba1944cc5743195958d/SPAIC-0.6.3.0.0.tar.gz",
    "platform": null,
    "description": "# SPAIC\n\nEnglish : [\u4e2d\u6587](./README_cn.md)\n\nSpike-based artificial intelligence computing platform\n\nThe spaic platform simulation training platform is a network construction, forward simulation and learning training platform developed for spiking neural networks. It mainly includes modules such as front-end network modeling, back-end simulation and training, model algorithm library, data display and analysis, etc.\n\nDependency packages: pytorch, numpy\n\n# Installation\n\nRecently, SPAIC use PyTorch as backend for computation. If you also want to use CUDA, please make sure you have a CUDA version PyTorch installed.\n\n**Tutorial documentation for the SPAIC:**  https://spaic.readthedocs.io/en/latest/index.html\n\n**Install the last stable version from** [**PyPI**](https://pypi.org/project/SPAIC/):\n\n```bash\npip install SPAIC\n```\n\n**From** [**GitHub**](https://github.com/ZhejianglabNCRC/SPAIC):\n\n```bash\ngit clone https://github.com/ZhejianglabNCRC/SPAIC.git\ncd SPAIC\npython setup.py install\n```\n\nIf you still have some questions, please feel free to contact us:  \nChaofei Hong <a href=\"mailto:hongchf@zhejainglab.com\"> hongchf@zhejianglab.com</a>  \nMengwen Yuan <a href=\"mailto:yuanmw@zhejianglab.com\"> yuanmw@zhejianglab.com</a>  \nMengxiao Zhang <a href=\"mailto:mxzhang@zhejianglab.com\"> mxzhang@zhejianglab.com</a>  \n\n\n<img src=\"./docs/source/_static/SPAIC-POSTER.png\" style=\"zoom: 80%;\" />\n\n\n# Front-end Network Modeling Components and functions\n\n\u200b\tThe platform mainly builds the network through five types of structural modules such as Assembly, Connection, NeuronGroup, Node, and Network. The specific functions are described as follows, and the modeling structure relationship is shown in the following figure.\n\n<img src=\"./docs/source/_static/front-end network components.png\" style=\"zoom: 80%;\" />\n\n\n\n- **Assembly**: It is an abstract class of neural network structure topology, representing any network structure, and other network modules are subclasses of the Assembly class. The Assembly object has three dict attributes named _groups , _projections and _connections, which save the set of neurons and connections inside the neural assembly. It also has list attributes named _supers, _input_connections, and _output_connections, which represent the upper neural set containing this neural set and the connections to this neural set, respectively. As the main interface for network modeling, it includes the following main modeling functions\uff1a\n    - add_assembly(name, assembly):  add a new assembly member to the neural assembly\n    - del_assembly(assembly=None, name=None): delete an assembly member that already exists in the neural assembly\n    - copy_assembly(name, assembly):  Copy an existing assembly structure and add the new assembly to this neural assembly \n    - replace_assembly(old_assembly, new_assembly):Replace an existing neural assembly inside the assembly with a new neural assembly \n    - merge_assembly( assembly): Merge this neural set with another neural set to get a new neural set\n    - select_assembly(assemblies, name=None):Select some members in this neural assembly and the connections between them to form a new neural assembly, the original assembly remains unchanged\n    - add_connection( name, connection): add the connect between two groups of neurons inside the assembly\n    - del_connection(connection=None, name=None): delete a connection inside the assembly\n    - assembly_hide(): hide this neural assembly and do not participate in this training, simulation or display\n    - assembly_show(): convert this neural assembly from hidden state to normal state.\n- **Connection**: A class for establishing connections between NeuronGroups, including the functions of generating and managing different types of synaptic connections and specific links. Some Key parameters for initialize connections are list below:\n    - pre_assembly - presynaptic neuron, can also be regarded as the starting point of the connection, the previous layer\n    - post_assembly - Postsynaptic neuron, can also be regarded as the end point of the connection, the next layer\n    - name - the name of the connection, it is recommended that the user give a meaningful name\n    - link_type - connection type, such as full connection, sparse connection, convolution connection, etc.\n    - max_delay - the synaptic delay, i.e. the signal from the presynaptic neuron will be delayed by several time steps before being delivered to the postsynaptic neuron\n    - sparse_with_mask - enable or disable the filter used for sparse matrices\n    - pre_var_name - the output of the presynaptic neuron to the synapse, that is, the signal received by the connection, the default is to receive the spike signal sent by the presynaptic neuron named as 'O'\n\n- **Projection**: A class for establishing connections between Assemblies, it contains multiple specific Connections of NeuornGroups, the Connections can be coded by user or automatically generated by ConnectionPolicy.\n- **NeuronGroup**: is a class of a certain number of neurons, usually called a layer of neurons, with the same neuron model, connection form, etc. Although it inherits from the Assembly class, its internal The _groups, _projections and _connections properties are empty. Key parameters are neuron numbers, neuron model type and shape of the NeuronGroup.\n- **Node**: The node is the object to transfer the input and output of the neural network, including the encoding and decoding, which converts the input into discharge or converts the discharge into output. Like NeuronGroup, the internal _groups and _connections properties are empty.\n- **Network**: The top-level structure in the Assembly subclass. All modules of each constructed neural network are included in a Network object, which is also responsible for network training, simulation, data interaction and other network modeling work. In addition to the _groups and _connections attributes of the Assemby object, it also has _monitors, _learners, _optimizers, _backend, and other attributes, while _supers, _input_connections, _output_connections and other attributes are empty. Network provide the following interfaces for network building and training:\n    - set_backend: set the compuation backend \n    - build: build the front-end network into computation graph\n    - set_runtime: set the simulation time\n    - run:  run a simulation\n    - save_state: save network weights\n    - state_from_dict: read network weights\n\n\n\n\n# Typical Use Case\n\nThe simulation and training using the SPAIC mainly includes following steps: 1) data or environment import, 2)parameter selection related to the training process of the trainer, 3)model construction (including input and output node construction, neuron cluster, network connection, network topology, learning algorithm, data recorder and other units), 4) procedures of neuron simulation or training, model data analysis and saving\n\n### Import SPAIC library\n\n\n```python\nimport spaic\n```\n\n### Set training simulation parameters\n\n\n```python\nrun_time = 200.0\nbat_size = 100\n```\n\n###  Import training dataset\n\n\n```python\n# Create Dataset\nroot = 'D:\\Datasets\\MNIST'\ndataset = spaic.MNIST(root, is_train=False)\n\n#  Create DataLoader\ndataloader = spaic.Dataloader(dataset, batch_size=bat_size, shuffle=True, drop_last=True)\nn_batch = dataloader.batch_num\n```\n\n    >> Dataset loaded\n\n\n## Network model construction\nThe model can be built in two ways: first, like Pytorch's module class inheritance, which is built in the _init_ function, and second, like Nengo's with statement. In addition, the existing model structure in the model algorithm library can also be introduced into the modeling process\n### Modeling Method 1: Class Inheritance Form\n\n\n```python\nclass ExampleNet(spaic.Network):\n     def __init__(self):\n        super(ExampleNet, self).__init__()\n        \n        \n        # Create an input node and select the input encoding method\n        self.input = spaic.Encoder(dataloader, encoding='latency')\n              \n        # Establish neurongroups, select neuron types, and set neuron parameter values\n        self.layer1 = spaic.NeuronGroup(100, model='clif')\n        self.layer2 = spaic.NeuronGroup(10, model='clif')\n        \n        # Establish connections between Neurongroups\n        self.connection1 = spaic.Connection(self.input, self.layer1, link_type='full')\n        self.connection2 = spaic.Connection(self.layer1, self.layer2, link_type='full')\n        \n        # Create an output node and select the output decoding method\n        self.output = spaic.Decoder(decoding='spike_counts',target=self.layer2)\n\n        # Establish a state detector, which can monitor the state of various objects\n        self.monitor1 = spaic.StateMonitor(self.layer1, 'V')\n\n        # Add the learning algorithm and select the network structure to be trained \n        self.learner1 = spaic.STCA(0.5, self)\n        \n        # Add optimization algorithm\n        self.optim = spaic.Adam(lr=0.01, schedule='StepLR', maxstep=1000)\n\n# Initialize the ExampleNet network object\nNet = ExampleNet()\n```\n\n### Modeling method 2:  Using \"with\"\n\n\n```python\n# Initialize the object of the basic network class\nNet = spaic.Network()\n\n# Create a network structure by defining network components in with\nwith Net:\n    # Create an input node and select the input encoding method\n    input = spaic.Encoder(dataloader, encoding='latency')\n\n\n    # Establish neurongroups, select neuron types, and set neuron parameter values\n    layer1 = spaic.NeuronGroup(100, model='clif')\n    layer2 = spaic.NeuronGroup(10, model='clif')\n\n    # Establish connections between Neurongroups\n    connection1 = spaic.Connection(input1, layer1, link_type='full')\n    connection2 = spaic.Connection(layer1, layer2, link_type='full')\n\n    # Create an output node and select the output decoding method\n    output = spaic.Decoder(decoding='spike_counts',target=layer2)\n\n    # Establish a state detector, which can monitor the state of various objects\n    monitor1 = spaic.StateMonitor(layer1, 'V')\n\n    # Add the learning algorithm and select the network structure to be trained \n    learner1 = spaic.STCA(0.5, Net)\n    \n    # Add optimization algorithm\n    optim = spaic.Adam(lr=0.01, schedule='StepLR', maxstep=1000)\n    \n```\n\n### Modeling method 3:  importing a model library model and modifying it with functions\n\n\n```python\nfrom spaic.Library import ExampleNet\nNet = ExampleNet()\n# neuron parameters\nneuron_param = {\n    'tau_m': 8.0,\n    'V_th': 1.5,\n}\n# New neurongroups\nlayer3 = spaic.NeuronGroup(100, model='lif', param=neuron_param)\nlayer4 = spaic.NeuronGroup(100, model='lif', param=neuron_param)\n\n# Add a new member to the Assembly\nNet.add_assembly('layer3', layer3)\n# Delete the members that already exist in the Assembly\nNet.del_assembly(Net.layer3)\n#  Copy an existing assembly structure and add the new assembly to this assembly\nNet.copy_assembly('net_layer', ExampleNet())\n# Replace an existing neural assembly inside the assembly with a new assembly\nNet.replace_assembly(Net.layer1, layer3)\n# Merge this neural assembly with another assembly to get a new neural assembly\nNet2 = ExampleNet()\nNet.merge_assembly(Net2)\n#Connect two neurongroups inside the assembly\ncon = spaic.Connection(Net.layer2, Net.net_layer, link_type='full')\nNet.add_connection('con3', con)\n#Take out some set members in this assembly and their connections\nNet3 = Net.select_assembly([Net.layer2, net_layer])\n```\n\n### Choose a backend and compile the network \n\n\n```python\nbackend = spaic.Torch_Backend()\nsim_name = backend.backend_name\nNet.build(backend)\n```\n\n### Start training \n\n\n```python\nfor epoch in range(100):\n    print(\"Start training\")\n    train_loss = 0\n    train_acc = 0\n    pbar = tqdm(total=len(train_loader))\n    for i, item in enumerate(train_loader):\n        # forward\n        data, label = item\n        Net.input(data)\n        Net.output(label)\n        Net.run(run_time)\n        output = Net.output.predict\n        output = (output - torch.mean(output).detach()) / (torch.std(output).detach() + 0.1)\n        label = torch.tensor(label, device=device)\n        batch_loss = F.cross_entropy(output, label)\n\n        # backward\n        Net.learner.optim_zero_grad()\n        batch_loss.backward()\n        Net.learner.optim_step()\n```\n\n\n\n### Single simulation run\n\n\n```python\nNet.run(run_time=run_time)\n```\n\n### ploting the results\n\n\n```python\nfrom matplotlib import pyplot as plt\nplt.plot(Net.monitor1.times, Net.monitor1.values[0,0,:])\nplt.show()\n```\n\n### Save the network\n\n\n```python\nNet.save(filename='TestNet')\n```\n",
    "bugtrack_url": null,
    "license": "Apache-2.0 license",
    "summary": "The spaic platform simulation training platform is a network construction, forward simulation and learning training platform developed for spiking neural networks.",
    "version": "0.6.3.0.0",
    "project_urls": {
        "Documentation": "https://spaic.readthedocs.io/",
        "Homepage": "https://github.com/ZhejianglabNCRC/SPAIC/",
        "Issue Tracker": "https://github.com/ZhejianglabNCRC/SPAIC/issues",
        "Source Code": "https://github.com/ZhejianglabNCRC/SPAIC"
    },
    "split_keywords": [],
    "urls": [
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "c39fbd21e667c8d10693e45c0e30f5059e2320d6f1ed7e977d69b0c447e76f8d",
                "md5": "c13aba82d26117450e6c71524d91a7e5",
                "sha256": "41724538a0c6dd6859ec87df3046a1f220d01fd1a4c6aafd854688f0f6b64043"
            },
            "downloads": -1,
            "filename": "SPAIC-0.6.3.0.0-py3-none-any.whl",
            "has_sig": false,
            "md5_digest": "c13aba82d26117450e6c71524d91a7e5",
            "packagetype": "bdist_wheel",
            "python_version": "py3",
            "requires_python": ">=3.6",
            "size": 202228,
            "upload_time": "2023-08-28T02:08:52",
            "upload_time_iso_8601": "2023-08-28T02:08:52.211145Z",
            "url": "https://files.pythonhosted.org/packages/c3/9f/bd21e667c8d10693e45c0e30f5059e2320d6f1ed7e977d69b0c447e76f8d/SPAIC-0.6.3.0.0-py3-none-any.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "59eea47974e839c1a6a1798a65aeefdfb9f7920ad32beba1944cc5743195958d",
                "md5": "fdcfdc161e00954107e38048e8b09f64",
                "sha256": "6378a8af83ee51252a308e3611d39c108a4969dd617b5b74506686026b217146"
            },
            "downloads": -1,
            "filename": "SPAIC-0.6.3.0.0.tar.gz",
            "has_sig": false,
            "md5_digest": "fdcfdc161e00954107e38048e8b09f64",
            "packagetype": "sdist",
            "python_version": "source",
            "requires_python": ">=3.6",
            "size": 173080,
            "upload_time": "2023-08-28T02:08:56",
            "upload_time_iso_8601": "2023-08-28T02:08:56.159222Z",
            "url": "https://files.pythonhosted.org/packages/59/ee/a47974e839c1a6a1798a65aeefdfb9f7920ad32beba1944cc5743195958d/SPAIC-0.6.3.0.0.tar.gz",
            "yanked": false,
            "yanked_reason": null
        }
    ],
    "upload_time": "2023-08-28 02:08:56",
    "github": true,
    "gitlab": false,
    "bitbucket": false,
    "codeberg": false,
    "github_user": "ZhejianglabNCRC",
    "github_project": "SPAIC",
    "travis_ci": false,
    "coveralls": false,
    "github_actions": false,
    "requirements": [],
    "lcname": "spaic"
}
        
Elapsed time: 2.27497s