pymars


Namepymars JSON
Version 0.10.0 PyPI version JSON
download
home_pagehttp://github.com/mars-project/mars
SummaryMARS: a tensor-based unified framework for large-scale data computation.
upload_time2023-01-10 10:09:46
maintainerQin Xuye
docs_urlNone
authorQin Xuye
requires_python
licenseApache License 2.0
keywords
VCS
bugtrack_url
requirements No requirements were recorded.
Travis-CI No Travis.
coveralls test coverage No coveralls.
            .. image:: https://raw.githubusercontent.com/mars-project/mars/master/docs/source/images/mars-logo-title.png

|PyPI version| |Docs| |Build| |Coverage| |Quality| |License|

Mars is a tensor-based unified framework for large-scale data computation
which scales numpy, pandas, scikit-learn and many other libraries.

`Documentation`_, `中文文档`_

Installation
------------

Mars is easy to install by

.. code-block:: bash

    pip install pymars


Installation for Developers
```````````````````````````

When you want to contribute code to Mars, you can follow the instructions below to install Mars
for development:

.. code-block:: bash

    git clone https://github.com/mars-project/mars.git
    cd mars
    pip install -e ".[dev]"

More details about installing Mars can be found at
`installation <https://docs.pymars.org/en/latest/installation/index.html>`_ section in
Mars document.


Architecture Overview
---------------------

.. image:: https://raw.githubusercontent.com/mars-project/mars/master/docs/source/images/architecture.png


Getting Started
---------------

Starting a new runtime locally via:

.. code-block:: python

    >>> import mars
    >>> mars.new_session()

Or connecting to a Mars cluster which is already initialized.

.. code-block:: python

    >>> import mars
    >>> mars.new_session('http://<web_ip>:<ui_port>')


Mars Tensor
-----------

Mars tensor provides a familiar interface like Numpy.

+-----------------------------------------------+-----------------------------------------------+
| **Numpy**                                     | **Mars tensor**                               |
+-----------------------------------------------+-----------------------------------------------+
|.. code-block:: python                         |.. code-block:: python                         |
|                                               |                                               |
|    import numpy as np                         |    import mars.tensor as mt                   |
|    N = 200_000_000                            |    N = 200_000_000                            |
|    a = np.random.uniform(-1, 1, size=(N, 2))  |    a = mt.random.uniform(-1, 1, size=(N, 2))  |
|    print((np.linalg.norm(a, axis=1) < 1)      |    print(((mt.linalg.norm(a, axis=1) < 1)     |
|          .sum() * 4 / N)                      |            .sum() * 4 / N).execute())         |
|                                               |                                               |
+-----------------------------------------------+-----------------------------------------------+
|.. code-block::                                |.. code-block::                                |
|                                               |                                               |
|    3.14174502                                 |     3.14161908                                |
|    CPU times: user 11.6 s, sys: 8.22 s,       |     CPU times: user 966 ms, sys: 544 ms,      |
|               total: 19.9 s                   |                total: 1.51 s                  |
|    Wall time: 22.5 s                          |     Wall time: 3.77 s                         |
|                                               |                                               |
+-----------------------------------------------+-----------------------------------------------+

Mars can leverage multiple cores, even on a laptop, and could be even faster for a distributed setting.


Mars DataFrame
--------------

Mars DataFrame provides a familiar interface like pandas.

+-----------------------------------------+-----------------------------------------+
| **Pandas**                              | **Mars DataFrame**                      |
+-----------------------------------------+-----------------------------------------+
|.. code-block:: python                   |.. code-block:: python                   |
|                                         |                                         |
|    import numpy as np                   |    import mars.tensor as mt             |
|    import pandas as pd                  |    import mars.dataframe as md          |
|    df = pd.DataFrame(                   |    df = md.DataFrame(                   |
|        np.random.rand(100000000, 4),    |        mt.random.rand(100000000, 4),    |
|        columns=list('abcd'))            |        columns=list('abcd'))            |
|    print(df.sum())                      |    print(df.sum().execute())            |
|                                         |                                         |
+-----------------------------------------+-----------------------------------------+
|.. code-block::                          |.. code-block::                          |
|                                         |                                         |
|    CPU times: user 10.9 s, sys: 2.69 s, |    CPU times: user 1.21 s, sys: 212 ms, |
|               total: 13.6 s             |               total: 1.42 s             |
|    Wall time: 11 s                      |    Wall time: 2.75 s                    |
+-----------------------------------------+-----------------------------------------+


Mars Learn
----------

Mars learn provides a familiar interface like scikit-learn.

+---------------------------------------------+----------------------------------------------------+
| **Scikit-learn**                            | **Mars learn**                                     |
+---------------------------------------------+----------------------------------------------------+
|.. code-block:: python                       |.. code-block:: python                              |
|                                             |                                                    |
|    from sklearn.datasets import make_blobs  |    from mars.learn.datasets import make_blobs      |
|    from sklearn.decomposition import PCA    |    from mars.learn.decomposition import PCA        |
|    X, y = make_blobs(                       |    X, y = make_blobs(                              |
|        n_samples=100000000, n_features=3,   |        n_samples=100000000, n_features=3,          |
|        centers=[[3, 3, 3], [0, 0, 0],       |        centers=[[3, 3, 3], [0, 0, 0],              |
|                 [1, 1, 1], [2, 2, 2]],      |                  [1, 1, 1], [2, 2, 2]],            |
|        cluster_std=[0.2, 0.1, 0.2, 0.2],    |        cluster_std=[0.2, 0.1, 0.2, 0.2],           |
|        random_state=9)                      |        random_state=9)                             |
|    pca = PCA(n_components=3)                |    pca = PCA(n_components=3)                       |
|    pca.fit(X)                               |    pca.fit(X)                                      |
|    print(pca.explained_variance_ratio_)     |    print(pca.explained_variance_ratio_)            |
|    print(pca.explained_variance_)           |    print(pca.explained_variance_)                  |
|                                             |                                                    |
+---------------------------------------------+----------------------------------------------------+

Mars learn also integrates with many libraries:

- `TensorFlow <https://docs.pymars.org/en/latest/user_guide/learn/tensorflow.html>`_
- `PyTorch <https://docs.pymars.org/en/latest/user_guide/learn/pytorch.html>`_
- `XGBoost <https://docs.pymars.org/en/latest/user_guide/learn/xgboost.html>`_
- `LightGBM <https://docs.pymars.org/en/latest/user_guide/learn/lightgbm.html>`_
- `Joblib <https://docs.pymars.org/en/latest/user_guide/learn/joblib.html>`_
- `Statsmodels <https://docs.pymars.org/en/latest/user_guide/learn/statsmodels.html>`_

Mars remote
-----------

Mars remote allows users to execute functions in parallel.

+-------------------------------------------+--------------------------------------------+
| **Vanilla function calls**                | **Mars remote**                            |
+-------------------------------------------+--------------------------------------------+
|.. code-block:: python                     |.. code-block:: python                      |
|                                           |                                            |
|    import numpy as np                     |    import numpy as np                      |
|                                           |    import mars.remote as mr                |
|                                           |                                            |
|    def calc_chunk(n, i):                  |    def calc_chunk(n, i):                   |
|        rs = np.random.RandomState(i)      |        rs = np.random.RandomState(i)       |
|        a = rs.uniform(-1, 1, size=(n, 2)) |        a = rs.uniform(-1, 1, size=(n, 2))  |
|        d = np.linalg.norm(a, axis=1)      |        d = np.linalg.norm(a, axis=1)       |
|        return (d < 1).sum()               |        return (d < 1).sum()                |
|                                           |                                            |
|    def calc_pi(fs, N):                    |    def calc_pi(fs, N):                     |
|        return sum(fs) * 4 / N             |        return sum(fs) * 4 / N              |
|                                           |                                            |
|    N = 200_000_000                        |    N = 200_000_000                         |
|    n = 10_000_000                         |    n = 10_000_000                          |
|                                           |                                            |
|    fs = [calc_chunk(n, i)                 |    fs = [mr.spawn(calc_chunk, args=(n, i)) |
|          for i in range(N // n)]          |          for i in range(N // n)]           |
|    pi = calc_pi(fs, N)                    |    pi = mr.spawn(calc_pi, args=(fs, N))    |
|    print(pi)                              |    print(pi.execute().fetch())             |
|                                           |                                            |
+-------------------------------------------+--------------------------------------------+
|.. code-block::                            |.. code-block::                             |
|                                           |                                            |
|    3.1416312                              |    3.1416312                               |
|    CPU times: user 32.2 s, sys: 4.86 s,   |    CPU times: user 616 ms, sys: 307 ms,    |
|               total: 37.1 s               |               total: 923 ms                |
|    Wall time: 12.4 s                      |    Wall time: 3.99 s                       |
|                                           |                                            |
+-------------------------------------------+--------------------------------------------+

DASK on Mars
------------

Refer to `DASK on Mars`_ for more information.

Eager Mode
```````````

Mars supports eager mode which makes it friendly for developing and easy to debug.

Users can enable the eager mode by options, set options at the beginning of the program or console session.

.. code-block:: python

    >>> from mars.config import options
    >>> options.eager_mode = True

Or use a context.

.. code-block:: python

    >>> from mars.config import option_context
    >>> with option_context() as options:
    >>>     options.eager_mode = True
    >>>     # the eager mode is on only for the with statement
    >>>     ...

If eager mode is on, tensor, DataFrame etc will be executed immediately
by default session once it is created.

.. code-block:: python

    >>> import mars.tensor as mt
    >>> import mars.dataframe as md
    >>> from mars.config import options
    >>> options.eager_mode = True
    >>> t = mt.arange(6).reshape((2, 3))
    >>> t
    array([[0, 1, 2],
           [3, 4, 5]])
    >>> df = md.DataFrame(t)
    >>> df.sum()
    0    3
    1    5
    2    7
    dtype: int64


Mars on Ray
------------
Mars also has deep integration with Ray and can run on `Ray <https://docs.ray.io/en/latest/>`_ efficiently and
interact with the large ecosystem of machine learning and distributed systems built on top of the core Ray.

Starting a new Mars on Ray runtime locally via:

.. code-block:: python

    import mars
    mars.new_session(backend='ray')
    # Perform compute

Interact with Ray Dataset:

.. code-block:: python

    import mars.tensor as mt
    import mars.dataframe as md
    df = md.DataFrame(
        mt.random.rand(1000_0000, 4),
        columns=list('abcd'))
    # Convert mars dataframe to ray dataset
    ds = md.to_ray_dataset(df)
    print(ds.schema(), ds.count())
    ds.filter(lambda row: row["a"] > 0.5).show(5)
    # Convert ray dataset to mars dataframe
    df2 = md.read_ray_dataset(ds)
    print(df2.head(5).execute())

Refer to `Mars on Ray`_ for more information.


Easy to scale in and scale out
------------------------------

Mars can scale in to a single machine, and scale out to a cluster with thousands of machines.
It's fairly simple to migrate from a single machine to a cluster to
process more data or gain a better performance.


Bare Metal Deployment
`````````````````````

Mars is easy to scale out to a cluster by starting different components of
mars distributed runtime on different machines in the cluster.

A node can be selected as supervisor which integrated a web service,
leaving other nodes as workers.  The supervisor can be started with the following command:

.. code-block:: bash

    mars-supervisor -h <host_name> -p <supervisor_port> -w <web_port>

Workers can be started with the following command:

.. code-block:: bash

    mars-worker -h <host_name> -p <worker_port> -s <supervisor_endpoint>

After all mars processes are started, users can run

.. code-block:: python

    >>> sess = new_session('http://<web_ip>:<ui_port>')
    >>> # perform computation


Kubernetes Deployment
`````````````````````

Refer to `Run on Kubernetes`_ for more information.


Yarn Deployment
```````````````

Refer to `Run on Yarn`_ for more information.


Getting involved
----------------

- Read `development guide <https://docs.pymars.org/en/latest/development/index.html>`_.
- Join our Slack workgroup: `Slack <https://join.slack.com/t/mars-computing/shared_invite/zt-17pw2cfua-NRb2H4vrg77pr9T4g3nQOQ>`_.
- Join the mailing list: send an email to `mars-dev@googlegroups.com`_.
- Please report bugs by submitting a `GitHub issue`_.
- Submit contributions using `pull requests`_.

Thank you in advance for your contributions!


.. |Build| image:: https://github.com/mars-project/mars/workflows/Mars%20CI%20Core/badge.svg
   :target: https://github.com/mars-project/mars/actions
.. |Coverage| image:: https://codecov.io/gh/mars-project/mars/branch/master/graph/badge.svg
   :target: https://codecov.io/gh/mars-project/mars
.. |Quality| image:: https://img.shields.io/codacy/grade/6a80bb4659ed410eb33795f580c8615e.svg
   :target: https://app.codacy.com/project/mars-project/mars/dashboard
.. |PyPI version| image:: https://img.shields.io/pypi/v/pymars.svg
   :target: https://pypi.python.org/pypi/pymars
.. |Docs| image:: https://img.shields.io/badge/docs-latest-brightgreen.svg
   :target: `Documentation`_
.. |License| image:: https://img.shields.io/pypi/l/pymars.svg
   :target: https://github.com/mars-project/mars/blob/master/LICENSE
.. _`mars-dev@googlegroups.com`: https://groups.google.com/forum/#!forum/mars-dev
.. _`GitHub issue`: https://github.com/mars-project/mars/issues
.. _`pull requests`: https://github.com/mars-project/mars/pulls
.. _`Documentation`: https://docs.pymars.org
.. _`中文文档`: https://docs.pymars.org/zh_CN/latest/
.. _`Mars on Ray`: https://docs.pymars.org/en/latest/installation/ray.html
.. _`Run on Kubernetes`: https://docs.pymars.org/en/latest/installation/kubernetes.html
.. _`Run on Yarn`: https://docs.pymars.org/en/latest/installation/yarn.html
.. _`DASK on Mars`: https://docs.pymars.org/en/latest/user_guide/contrib/dask.html

            

Raw data

            {
    "_id": null,
    "home_page": "http://github.com/mars-project/mars",
    "name": "pymars",
    "maintainer": "Qin Xuye",
    "docs_url": null,
    "requires_python": "",
    "maintainer_email": "qin@qinxuye.me",
    "keywords": "",
    "author": "Qin Xuye",
    "author_email": "qin@qinxuye.me",
    "download_url": "https://files.pythonhosted.org/packages/57/4c/faa88cb69b48bf5859a7660cafdf14f8d2875cc6084c1d7d30068790d4a2/pymars-0.10.0.tar.gz",
    "platform": null,
    "description": ".. image:: https://raw.githubusercontent.com/mars-project/mars/master/docs/source/images/mars-logo-title.png\r\n\r\n|PyPI version| |Docs| |Build| |Coverage| |Quality| |License|\r\n\r\nMars is a tensor-based unified framework for large-scale data computation\r\nwhich scales numpy, pandas, scikit-learn and many other libraries.\r\n\r\n`Documentation`_, `\u4e2d\u6587\u6587\u6863`_\r\n\r\nInstallation\r\n------------\r\n\r\nMars is easy to install by\r\n\r\n.. code-block:: bash\r\n\r\n    pip install pymars\r\n\r\n\r\nInstallation for Developers\r\n```````````````````````````\r\n\r\nWhen you want to contribute code to Mars, you can follow the instructions below to install Mars\r\nfor development:\r\n\r\n.. code-block:: bash\r\n\r\n    git clone https://github.com/mars-project/mars.git\r\n    cd mars\r\n    pip install -e \".[dev]\"\r\n\r\nMore details about installing Mars can be found at\r\n`installation <https://docs.pymars.org/en/latest/installation/index.html>`_ section in\r\nMars document.\r\n\r\n\r\nArchitecture Overview\r\n---------------------\r\n\r\n.. image:: https://raw.githubusercontent.com/mars-project/mars/master/docs/source/images/architecture.png\r\n\r\n\r\nGetting Started\r\n---------------\r\n\r\nStarting a new runtime locally via:\r\n\r\n.. code-block:: python\r\n\r\n    >>> import mars\r\n    >>> mars.new_session()\r\n\r\nOr connecting to a Mars cluster which is already initialized.\r\n\r\n.. code-block:: python\r\n\r\n    >>> import mars\r\n    >>> mars.new_session('http://<web_ip>:<ui_port>')\r\n\r\n\r\nMars Tensor\r\n-----------\r\n\r\nMars tensor provides a familiar interface like Numpy.\r\n\r\n+-----------------------------------------------+-----------------------------------------------+\r\n| **Numpy**                                     | **Mars tensor**                               |\r\n+-----------------------------------------------+-----------------------------------------------+\r\n|.. code-block:: python                         |.. code-block:: python                         |\r\n|                                               |                                               |\r\n|    import numpy as np                         |    import mars.tensor as mt                   |\r\n|    N = 200_000_000                            |    N = 200_000_000                            |\r\n|    a = np.random.uniform(-1, 1, size=(N, 2))  |    a = mt.random.uniform(-1, 1, size=(N, 2))  |\r\n|    print((np.linalg.norm(a, axis=1) < 1)      |    print(((mt.linalg.norm(a, axis=1) < 1)     |\r\n|          .sum() * 4 / N)                      |            .sum() * 4 / N).execute())         |\r\n|                                               |                                               |\r\n+-----------------------------------------------+-----------------------------------------------+\r\n|.. code-block::                                |.. code-block::                                |\r\n|                                               |                                               |\r\n|    3.14174502                                 |     3.14161908                                |\r\n|    CPU times: user 11.6 s, sys: 8.22 s,       |     CPU times: user 966 ms, sys: 544 ms,      |\r\n|               total: 19.9 s                   |                total: 1.51 s                  |\r\n|    Wall time: 22.5 s                          |     Wall time: 3.77 s                         |\r\n|                                               |                                               |\r\n+-----------------------------------------------+-----------------------------------------------+\r\n\r\nMars can leverage multiple cores, even on a laptop, and could be even faster for a distributed setting.\r\n\r\n\r\nMars DataFrame\r\n--------------\r\n\r\nMars DataFrame provides a familiar interface like pandas.\r\n\r\n+-----------------------------------------+-----------------------------------------+\r\n| **Pandas**                              | **Mars DataFrame**                      |\r\n+-----------------------------------------+-----------------------------------------+\r\n|.. code-block:: python                   |.. code-block:: python                   |\r\n|                                         |                                         |\r\n|    import numpy as np                   |    import mars.tensor as mt             |\r\n|    import pandas as pd                  |    import mars.dataframe as md          |\r\n|    df = pd.DataFrame(                   |    df = md.DataFrame(                   |\r\n|        np.random.rand(100000000, 4),    |        mt.random.rand(100000000, 4),    |\r\n|        columns=list('abcd'))            |        columns=list('abcd'))            |\r\n|    print(df.sum())                      |    print(df.sum().execute())            |\r\n|                                         |                                         |\r\n+-----------------------------------------+-----------------------------------------+\r\n|.. code-block::                          |.. code-block::                          |\r\n|                                         |                                         |\r\n|    CPU times: user 10.9 s, sys: 2.69 s, |    CPU times: user 1.21 s, sys: 212 ms, |\r\n|               total: 13.6 s             |               total: 1.42 s             |\r\n|    Wall time: 11 s                      |    Wall time: 2.75 s                    |\r\n+-----------------------------------------+-----------------------------------------+\r\n\r\n\r\nMars Learn\r\n----------\r\n\r\nMars learn provides a familiar interface like scikit-learn.\r\n\r\n+---------------------------------------------+----------------------------------------------------+\r\n| **Scikit-learn**                            | **Mars learn**                                     |\r\n+---------------------------------------------+----------------------------------------------------+\r\n|.. code-block:: python                       |.. code-block:: python                              |\r\n|                                             |                                                    |\r\n|    from sklearn.datasets import make_blobs  |    from mars.learn.datasets import make_blobs      |\r\n|    from sklearn.decomposition import PCA    |    from mars.learn.decomposition import PCA        |\r\n|    X, y = make_blobs(                       |    X, y = make_blobs(                              |\r\n|        n_samples=100000000, n_features=3,   |        n_samples=100000000, n_features=3,          |\r\n|        centers=[[3, 3, 3], [0, 0, 0],       |        centers=[[3, 3, 3], [0, 0, 0],              |\r\n|                 [1, 1, 1], [2, 2, 2]],      |                  [1, 1, 1], [2, 2, 2]],            |\r\n|        cluster_std=[0.2, 0.1, 0.2, 0.2],    |        cluster_std=[0.2, 0.1, 0.2, 0.2],           |\r\n|        random_state=9)                      |        random_state=9)                             |\r\n|    pca = PCA(n_components=3)                |    pca = PCA(n_components=3)                       |\r\n|    pca.fit(X)                               |    pca.fit(X)                                      |\r\n|    print(pca.explained_variance_ratio_)     |    print(pca.explained_variance_ratio_)            |\r\n|    print(pca.explained_variance_)           |    print(pca.explained_variance_)                  |\r\n|                                             |                                                    |\r\n+---------------------------------------------+----------------------------------------------------+\r\n\r\nMars learn also integrates with many libraries:\r\n\r\n- `TensorFlow <https://docs.pymars.org/en/latest/user_guide/learn/tensorflow.html>`_\r\n- `PyTorch <https://docs.pymars.org/en/latest/user_guide/learn/pytorch.html>`_\r\n- `XGBoost <https://docs.pymars.org/en/latest/user_guide/learn/xgboost.html>`_\r\n- `LightGBM <https://docs.pymars.org/en/latest/user_guide/learn/lightgbm.html>`_\r\n- `Joblib <https://docs.pymars.org/en/latest/user_guide/learn/joblib.html>`_\r\n- `Statsmodels <https://docs.pymars.org/en/latest/user_guide/learn/statsmodels.html>`_\r\n\r\nMars remote\r\n-----------\r\n\r\nMars remote allows users to execute functions in parallel.\r\n\r\n+-------------------------------------------+--------------------------------------------+\r\n| **Vanilla function calls**                | **Mars remote**                            |\r\n+-------------------------------------------+--------------------------------------------+\r\n|.. code-block:: python                     |.. code-block:: python                      |\r\n|                                           |                                            |\r\n|    import numpy as np                     |    import numpy as np                      |\r\n|                                           |    import mars.remote as mr                |\r\n|                                           |                                            |\r\n|    def calc_chunk(n, i):                  |    def calc_chunk(n, i):                   |\r\n|        rs = np.random.RandomState(i)      |        rs = np.random.RandomState(i)       |\r\n|        a = rs.uniform(-1, 1, size=(n, 2)) |        a = rs.uniform(-1, 1, size=(n, 2))  |\r\n|        d = np.linalg.norm(a, axis=1)      |        d = np.linalg.norm(a, axis=1)       |\r\n|        return (d < 1).sum()               |        return (d < 1).sum()                |\r\n|                                           |                                            |\r\n|    def calc_pi(fs, N):                    |    def calc_pi(fs, N):                     |\r\n|        return sum(fs) * 4 / N             |        return sum(fs) * 4 / N              |\r\n|                                           |                                            |\r\n|    N = 200_000_000                        |    N = 200_000_000                         |\r\n|    n = 10_000_000                         |    n = 10_000_000                          |\r\n|                                           |                                            |\r\n|    fs = [calc_chunk(n, i)                 |    fs = [mr.spawn(calc_chunk, args=(n, i)) |\r\n|          for i in range(N // n)]          |          for i in range(N // n)]           |\r\n|    pi = calc_pi(fs, N)                    |    pi = mr.spawn(calc_pi, args=(fs, N))    |\r\n|    print(pi)                              |    print(pi.execute().fetch())             |\r\n|                                           |                                            |\r\n+-------------------------------------------+--------------------------------------------+\r\n|.. code-block::                            |.. code-block::                             |\r\n|                                           |                                            |\r\n|    3.1416312                              |    3.1416312                               |\r\n|    CPU times: user 32.2 s, sys: 4.86 s,   |    CPU times: user 616 ms, sys: 307 ms,    |\r\n|               total: 37.1 s               |               total: 923 ms                |\r\n|    Wall time: 12.4 s                      |    Wall time: 3.99 s                       |\r\n|                                           |                                            |\r\n+-------------------------------------------+--------------------------------------------+\r\n\r\nDASK on Mars\r\n------------\r\n\r\nRefer to `DASK on Mars`_ for more information.\r\n\r\nEager Mode\r\n```````````\r\n\r\nMars supports eager mode which makes it friendly for developing and easy to debug.\r\n\r\nUsers can enable the eager mode by options, set options at the beginning of the program or console session.\r\n\r\n.. code-block:: python\r\n\r\n    >>> from mars.config import options\r\n    >>> options.eager_mode = True\r\n\r\nOr use a context.\r\n\r\n.. code-block:: python\r\n\r\n    >>> from mars.config import option_context\r\n    >>> with option_context() as options:\r\n    >>>     options.eager_mode = True\r\n    >>>     # the eager mode is on only for the with statement\r\n    >>>     ...\r\n\r\nIf eager mode is on, tensor, DataFrame etc will be executed immediately\r\nby default session once it is created.\r\n\r\n.. code-block:: python\r\n\r\n    >>> import mars.tensor as mt\r\n    >>> import mars.dataframe as md\r\n    >>> from mars.config import options\r\n    >>> options.eager_mode = True\r\n    >>> t = mt.arange(6).reshape((2, 3))\r\n    >>> t\r\n    array([[0, 1, 2],\r\n           [3, 4, 5]])\r\n    >>> df = md.DataFrame(t)\r\n    >>> df.sum()\r\n    0    3\r\n    1    5\r\n    2    7\r\n    dtype: int64\r\n\r\n\r\nMars on Ray\r\n------------\r\nMars also has deep integration with Ray and can run on `Ray <https://docs.ray.io/en/latest/>`_ efficiently and\r\ninteract with the large ecosystem of machine learning and distributed systems built on top of the core Ray.\r\n\r\nStarting a new Mars on Ray runtime locally via:\r\n\r\n.. code-block:: python\r\n\r\n    import mars\r\n    mars.new_session(backend='ray')\r\n    # Perform compute\r\n\r\nInteract with Ray Dataset:\r\n\r\n.. code-block:: python\r\n\r\n    import mars.tensor as mt\r\n    import mars.dataframe as md\r\n    df = md.DataFrame(\r\n        mt.random.rand(1000_0000, 4),\r\n        columns=list('abcd'))\r\n    # Convert mars dataframe to ray dataset\r\n    ds = md.to_ray_dataset(df)\r\n    print(ds.schema(), ds.count())\r\n    ds.filter(lambda row: row[\"a\"] > 0.5).show(5)\r\n    # Convert ray dataset to mars dataframe\r\n    df2 = md.read_ray_dataset(ds)\r\n    print(df2.head(5).execute())\r\n\r\nRefer to `Mars on Ray`_ for more information.\r\n\r\n\r\nEasy to scale in and scale out\r\n------------------------------\r\n\r\nMars can scale in to a single machine, and scale out to a cluster with thousands of machines.\r\nIt's fairly simple to migrate from a single machine to a cluster to\r\nprocess more data or gain a better performance.\r\n\r\n\r\nBare Metal Deployment\r\n`````````````````````\r\n\r\nMars is easy to scale out to a cluster by starting different components of\r\nmars distributed runtime on different machines in the cluster.\r\n\r\nA node can be selected as supervisor which integrated a web service,\r\nleaving other nodes as workers.  The supervisor can be started with the following command:\r\n\r\n.. code-block:: bash\r\n\r\n    mars-supervisor -h <host_name> -p <supervisor_port> -w <web_port>\r\n\r\nWorkers can be started with the following command:\r\n\r\n.. code-block:: bash\r\n\r\n    mars-worker -h <host_name> -p <worker_port> -s <supervisor_endpoint>\r\n\r\nAfter all mars processes are started, users can run\r\n\r\n.. code-block:: python\r\n\r\n    >>> sess = new_session('http://<web_ip>:<ui_port>')\r\n    >>> # perform computation\r\n\r\n\r\nKubernetes Deployment\r\n`````````````````````\r\n\r\nRefer to `Run on Kubernetes`_ for more information.\r\n\r\n\r\nYarn Deployment\r\n```````````````\r\n\r\nRefer to `Run on Yarn`_ for more information.\r\n\r\n\r\nGetting involved\r\n----------------\r\n\r\n- Read `development guide <https://docs.pymars.org/en/latest/development/index.html>`_.\r\n- Join our Slack workgroup: `Slack <https://join.slack.com/t/mars-computing/shared_invite/zt-17pw2cfua-NRb2H4vrg77pr9T4g3nQOQ>`_.\r\n- Join the mailing list: send an email to `mars-dev@googlegroups.com`_.\r\n- Please report bugs by submitting a `GitHub issue`_.\r\n- Submit contributions using `pull requests`_.\r\n\r\nThank you in advance for your contributions!\r\n\r\n\r\n.. |Build| image:: https://github.com/mars-project/mars/workflows/Mars%20CI%20Core/badge.svg\r\n   :target: https://github.com/mars-project/mars/actions\r\n.. |Coverage| image:: https://codecov.io/gh/mars-project/mars/branch/master/graph/badge.svg\r\n   :target: https://codecov.io/gh/mars-project/mars\r\n.. |Quality| image:: https://img.shields.io/codacy/grade/6a80bb4659ed410eb33795f580c8615e.svg\r\n   :target: https://app.codacy.com/project/mars-project/mars/dashboard\r\n.. |PyPI version| image:: https://img.shields.io/pypi/v/pymars.svg\r\n   :target: https://pypi.python.org/pypi/pymars\r\n.. |Docs| image:: https://img.shields.io/badge/docs-latest-brightgreen.svg\r\n   :target: `Documentation`_\r\n.. |License| image:: https://img.shields.io/pypi/l/pymars.svg\r\n   :target: https://github.com/mars-project/mars/blob/master/LICENSE\r\n.. _`mars-dev@googlegroups.com`: https://groups.google.com/forum/#!forum/mars-dev\r\n.. _`GitHub issue`: https://github.com/mars-project/mars/issues\r\n.. _`pull requests`: https://github.com/mars-project/mars/pulls\r\n.. _`Documentation`: https://docs.pymars.org\r\n.. _`\u4e2d\u6587\u6587\u6863`: https://docs.pymars.org/zh_CN/latest/\r\n.. _`Mars on Ray`: https://docs.pymars.org/en/latest/installation/ray.html\r\n.. _`Run on Kubernetes`: https://docs.pymars.org/en/latest/installation/kubernetes.html\r\n.. _`Run on Yarn`: https://docs.pymars.org/en/latest/installation/yarn.html\r\n.. _`DASK on Mars`: https://docs.pymars.org/en/latest/user_guide/contrib/dask.html\r\n",
    "bugtrack_url": null,
    "license": "Apache License 2.0",
    "summary": "MARS: a tensor-based unified framework for large-scale data computation.",
    "version": "0.10.0",
    "split_keywords": [],
    "urls": [
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "de9a75ae487ac3a4b9188d71df9fc7abc27ebc4a0c596b2c354fe21008506a15",
                "md5": "72876cb4557671a5ed9e1586dce5e462",
                "sha256": "017f8fffbc33a1323d20e1c975a479789bfe08970e532d7d2ab49f83d90c1542"
            },
            "downloads": -1,
            "filename": "pymars-0.10.0-cp310-cp310-macosx_10_9_universal2.whl",
            "has_sig": false,
            "md5_digest": "72876cb4557671a5ed9e1586dce5e462",
            "packagetype": "bdist_wheel",
            "python_version": "cp310",
            "requires_python": null,
            "size": 5010529,
            "upload_time": "2023-01-10T10:10:52",
            "upload_time_iso_8601": "2023-01-10T10:10:52.244940Z",
            "url": "https://files.pythonhosted.org/packages/de/9a/75ae487ac3a4b9188d71df9fc7abc27ebc4a0c596b2c354fe21008506a15/pymars-0.10.0-cp310-cp310-macosx_10_9_universal2.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "fd1135c86d7925ac97aa0e0ba94d05a3b43e32527f6e823be54a9dc65e930530",
                "md5": "c5a73ef8da67ddb2281bc7b2dccbc1e0",
                "sha256": "4a7e96c8df22213614455e655cea47d1223f1967a6acb5eb2f53e54b1929e2eb"
            },
            "downloads": -1,
            "filename": "pymars-0.10.0-cp310-cp310-macosx_10_9_x86_64.whl",
            "has_sig": false,
            "md5_digest": "c5a73ef8da67ddb2281bc7b2dccbc1e0",
            "packagetype": "bdist_wheel",
            "python_version": "cp310",
            "requires_python": null,
            "size": 3913000,
            "upload_time": "2023-01-10T10:15:58",
            "upload_time_iso_8601": "2023-01-10T10:15:58.041504Z",
            "url": "https://files.pythonhosted.org/packages/fd/11/35c86d7925ac97aa0e0ba94d05a3b43e32527f6e823be54a9dc65e930530/pymars-0.10.0-cp310-cp310-macosx_10_9_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "54d85077b699b594f75ac7c0499dbf370c9347dba6714da106d6111750921d9a",
                "md5": "922163b8abfb9130d84f213937c342f9",
                "sha256": "73ddd897ff68de732d42b630ead0329229754bcf396b931b3e9c3f76678062c0"
            },
            "downloads": -1,
            "filename": "pymars-0.10.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl",
            "has_sig": false,
            "md5_digest": "922163b8abfb9130d84f213937c342f9",
            "packagetype": "bdist_wheel",
            "python_version": "cp310",
            "requires_python": null,
            "size": 9642512,
            "upload_time": "2023-01-10T10:09:32",
            "upload_time_iso_8601": "2023-01-10T10:09:32.945596Z",
            "url": "https://files.pythonhosted.org/packages/54/d8/5077b699b594f75ac7c0499dbf370c9347dba6714da106d6111750921d9a/pymars-0.10.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "8aad6a8668a2616b33844feb41b148c8e04dfb0061b258d56b60535b90f1061e",
                "md5": "0d4fc2e71152b4b4e803634762c6b504",
                "sha256": "f0d68b2b3ffa9402c8411c18144b3067cfe0dd190a885f519816b712a8085c9e"
            },
            "downloads": -1,
            "filename": "pymars-0.10.0-cp310-cp310-win_amd64.whl",
            "has_sig": false,
            "md5_digest": "0d4fc2e71152b4b4e803634762c6b504",
            "packagetype": "bdist_wheel",
            "python_version": "cp310",
            "requires_python": null,
            "size": 3663995,
            "upload_time": "2023-01-10T10:00:47",
            "upload_time_iso_8601": "2023-01-10T10:00:47.270741Z",
            "url": "https://files.pythonhosted.org/packages/8a/ad/6a8668a2616b33844feb41b148c8e04dfb0061b258d56b60535b90f1061e/pymars-0.10.0-cp310-cp310-win_amd64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "82a8d1a4d9435581e321ecb8a15540320ee849975b6b47ffe130717060120a93",
                "md5": "573aba7959a0318d6e66d7fd373286d2",
                "sha256": "0ca3b970a70e9b10ece343eed1d1950e40d666e1be9c594096be2456b8cf32c5"
            },
            "downloads": -1,
            "filename": "pymars-0.10.0-cp37-cp37m-macosx_10_9_x86_64.whl",
            "has_sig": false,
            "md5_digest": "573aba7959a0318d6e66d7fd373286d2",
            "packagetype": "bdist_wheel",
            "python_version": "cp37",
            "requires_python": null,
            "size": 3520714,
            "upload_time": "2023-01-10T10:16:00",
            "upload_time_iso_8601": "2023-01-10T10:16:00.516416Z",
            "url": "https://files.pythonhosted.org/packages/82/a8/d1a4d9435581e321ecb8a15540320ee849975b6b47ffe130717060120a93/pymars-0.10.0-cp37-cp37m-macosx_10_9_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "ca637061aa870183e5c6638f080ad60cb70af6d917f7b0b4014a709564e0a858",
                "md5": "b9100501a75380b2af295222e01279f7",
                "sha256": "7f338fe04998b352a4550bd419ed4c26888b6f31e08fe493fd72db1d8fa6eda6"
            },
            "downloads": -1,
            "filename": "pymars-0.10.0-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.whl",
            "has_sig": false,
            "md5_digest": "b9100501a75380b2af295222e01279f7",
            "packagetype": "bdist_wheel",
            "python_version": "cp37",
            "requires_python": null,
            "size": 7819042,
            "upload_time": "2023-01-10T10:09:36",
            "upload_time_iso_8601": "2023-01-10T10:09:36.617118Z",
            "url": "https://files.pythonhosted.org/packages/ca/63/7061aa870183e5c6638f080ad60cb70af6d917f7b0b4014a709564e0a858/pymars-0.10.0-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "035caf336940066030461a865416390a63289b7faf635404e4b3ef368684f3f0",
                "md5": "efb52d598ae4813c8a7dfaa931e12a33",
                "sha256": "94eca2a9cabd8a3c00253bf0ad06815b466ac7230bcac88b985dc1242d3163af"
            },
            "downloads": -1,
            "filename": "pymars-0.10.0-cp37-cp37m-win32.whl",
            "has_sig": false,
            "md5_digest": "efb52d598ae4813c8a7dfaa931e12a33",
            "packagetype": "bdist_wheel",
            "python_version": "cp37",
            "requires_python": null,
            "size": 3154193,
            "upload_time": "2023-01-10T10:00:50",
            "upload_time_iso_8601": "2023-01-10T10:00:50.334517Z",
            "url": "https://files.pythonhosted.org/packages/03/5c/af336940066030461a865416390a63289b7faf635404e4b3ef368684f3f0/pymars-0.10.0-cp37-cp37m-win32.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "91365a117d3bf7d167e98de7f3a8ae072b3aef9f6975ce5da1ebcd9311e6116c",
                "md5": "7c30bc51a9f655849d0f65f092493aa6",
                "sha256": "5254d314a46e30028a2dbf4a1de789a60b94678d5d99e8f9f9fade99ec74e700"
            },
            "downloads": -1,
            "filename": "pymars-0.10.0-cp37-cp37m-win_amd64.whl",
            "has_sig": false,
            "md5_digest": "7c30bc51a9f655849d0f65f092493aa6",
            "packagetype": "bdist_wheel",
            "python_version": "cp37",
            "requires_python": null,
            "size": 3656777,
            "upload_time": "2023-01-10T10:00:52",
            "upload_time_iso_8601": "2023-01-10T10:00:52.715225Z",
            "url": "https://files.pythonhosted.org/packages/91/36/5a117d3bf7d167e98de7f3a8ae072b3aef9f6975ce5da1ebcd9311e6116c/pymars-0.10.0-cp37-cp37m-win_amd64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "a8dc61e73b963b50ac27fa403df6bea3ff738a7cfc673ea292f4c39f4dddaefe",
                "md5": "4da3d8e5f81c5342cb8b68a6eeed59ed",
                "sha256": "76eab5d8009b53fec9178b6c7cb59ffad33900ef89e6eaf3efac8187a0b651a5"
            },
            "downloads": -1,
            "filename": "pymars-0.10.0-cp38-cp38-macosx_10_9_universal2.whl",
            "has_sig": false,
            "md5_digest": "4da3d8e5f81c5342cb8b68a6eeed59ed",
            "packagetype": "bdist_wheel",
            "python_version": "cp38",
            "requires_python": null,
            "size": 4632686,
            "upload_time": "2023-01-10T10:10:54",
            "upload_time_iso_8601": "2023-01-10T10:10:54.678479Z",
            "url": "https://files.pythonhosted.org/packages/a8/dc/61e73b963b50ac27fa403df6bea3ff738a7cfc673ea292f4c39f4dddaefe/pymars-0.10.0-cp38-cp38-macosx_10_9_universal2.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "5b52ee1e3dceb66f50940b6b11379da7ab25a09bd7f75cba6fab8af18da2ce30",
                "md5": "349b343a76d1f598e0bb4ff1763335a8",
                "sha256": "c1493f7042247fbf2b08f87d56e8d665f7048f104380018ee7e9f6885295fec0"
            },
            "downloads": -1,
            "filename": "pymars-0.10.0-cp38-cp38-macosx_10_9_x86_64.whl",
            "has_sig": false,
            "md5_digest": "349b343a76d1f598e0bb4ff1763335a8",
            "packagetype": "bdist_wheel",
            "python_version": "cp38",
            "requires_python": null,
            "size": 3902966,
            "upload_time": "2023-01-10T10:16:03",
            "upload_time_iso_8601": "2023-01-10T10:16:03.260344Z",
            "url": "https://files.pythonhosted.org/packages/5b/52/ee1e3dceb66f50940b6b11379da7ab25a09bd7f75cba6fab8af18da2ce30/pymars-0.10.0-cp38-cp38-macosx_10_9_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "68e7a67babc1903de1097d53bd90509da5a592ded714b9e76193503e2855f551",
                "md5": "1204341b2dad4e11d13f4c1911d298be",
                "sha256": "13fb46ae5c9a4321a8031fcf9488178cf64835e7f53ce7529caa1abba5ef9395"
            },
            "downloads": -1,
            "filename": "pymars-0.10.0-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.whl",
            "has_sig": false,
            "md5_digest": "1204341b2dad4e11d13f4c1911d298be",
            "packagetype": "bdist_wheel",
            "python_version": "cp38",
            "requires_python": null,
            "size": 8043803,
            "upload_time": "2023-01-10T10:09:39",
            "upload_time_iso_8601": "2023-01-10T10:09:39.647627Z",
            "url": "https://files.pythonhosted.org/packages/68/e7/a67babc1903de1097d53bd90509da5a592ded714b9e76193503e2855f551/pymars-0.10.0-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "3725ab82e12e7e726868eb43556ef351fb6da77d19e8707f0496c73dbdfff2c5",
                "md5": "070c08cc0e37dd00a7e887fc42240617",
                "sha256": "d7bba5df19403eac9cb6570ddda4527bd9a19086dbcd811708b3cd876ab37421"
            },
            "downloads": -1,
            "filename": "pymars-0.10.0-cp38-cp38-win32.whl",
            "has_sig": false,
            "md5_digest": "070c08cc0e37dd00a7e887fc42240617",
            "packagetype": "bdist_wheel",
            "python_version": "cp38",
            "requires_python": null,
            "size": 3532238,
            "upload_time": "2023-01-10T10:00:55",
            "upload_time_iso_8601": "2023-01-10T10:00:55.176876Z",
            "url": "https://files.pythonhosted.org/packages/37/25/ab82e12e7e726868eb43556ef351fb6da77d19e8707f0496c73dbdfff2c5/pymars-0.10.0-cp38-cp38-win32.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "31a082fc77ea1b613910301f2f45a019d8868dc2251fa6730d67ead5132e4946",
                "md5": "edda091f675baebe3b9ca8f3849549cc",
                "sha256": "6f9d7f1ae43e95f04018dcbf5901877105325715c40125715b00379f6b7aac55"
            },
            "downloads": -1,
            "filename": "pymars-0.10.0-cp38-cp38-win_amd64.whl",
            "has_sig": false,
            "md5_digest": "edda091f675baebe3b9ca8f3849549cc",
            "packagetype": "bdist_wheel",
            "python_version": "cp38",
            "requires_python": null,
            "size": 3683875,
            "upload_time": "2023-01-10T10:00:57",
            "upload_time_iso_8601": "2023-01-10T10:00:57.234558Z",
            "url": "https://files.pythonhosted.org/packages/31/a0/82fc77ea1b613910301f2f45a019d8868dc2251fa6730d67ead5132e4946/pymars-0.10.0-cp38-cp38-win_amd64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "8a1c4e01c0481a0de4f81c665c5eebada52748dbd597fdf431e54ec548c6bddf",
                "md5": "944ca94514cc4fb98656ce14173ed64d",
                "sha256": "1c871284f36217566ebdb7fa47bc64deafb5a2fbcfdb98a868b06922ca214024"
            },
            "downloads": -1,
            "filename": "pymars-0.10.0-cp39-cp39-macosx_10_9_universal2.whl",
            "has_sig": false,
            "md5_digest": "944ca94514cc4fb98656ce14173ed64d",
            "packagetype": "bdist_wheel",
            "python_version": "cp39",
            "requires_python": null,
            "size": 5021521,
            "upload_time": "2023-01-10T10:10:57",
            "upload_time_iso_8601": "2023-01-10T10:10:57.315899Z",
            "url": "https://files.pythonhosted.org/packages/8a/1c/4e01c0481a0de4f81c665c5eebada52748dbd597fdf431e54ec548c6bddf/pymars-0.10.0-cp39-cp39-macosx_10_9_universal2.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "11a9f4ac6f764cffacffabd9b53a53666b7d991ceae9beb081a5f02ce3fbe0ec",
                "md5": "6f01270da0f2beebf82bbb42de74131a",
                "sha256": "c786871aa5e827e436186b80f616a75e4e98b058b2fe50be224ba4e5506d94c8"
            },
            "downloads": -1,
            "filename": "pymars-0.10.0-cp39-cp39-macosx_10_9_x86_64.whl",
            "has_sig": false,
            "md5_digest": "6f01270da0f2beebf82bbb42de74131a",
            "packagetype": "bdist_wheel",
            "python_version": "cp39",
            "requires_python": null,
            "size": 3920061,
            "upload_time": "2023-01-10T10:16:05",
            "upload_time_iso_8601": "2023-01-10T10:16:05.946831Z",
            "url": "https://files.pythonhosted.org/packages/11/a9/f4ac6f764cffacffabd9b53a53666b7d991ceae9beb081a5f02ce3fbe0ec/pymars-0.10.0-cp39-cp39-macosx_10_9_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "c455d0e364288ca113ca65bd99ed50298543dd5e238bcb97b843857eb1325edc",
                "md5": "16b780cfbdfe57e5dbecb6590d4a222a",
                "sha256": "8f87a682de82eb0f073e865aadf685238d857c0413e276c3689fca081847ff30"
            },
            "downloads": -1,
            "filename": "pymars-0.10.0-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.whl",
            "has_sig": false,
            "md5_digest": "16b780cfbdfe57e5dbecb6590d4a222a",
            "packagetype": "bdist_wheel",
            "python_version": "cp39",
            "requires_python": null,
            "size": 7742105,
            "upload_time": "2023-01-10T10:09:43",
            "upload_time_iso_8601": "2023-01-10T10:09:43.007526Z",
            "url": "https://files.pythonhosted.org/packages/c4/55/d0e364288ca113ca65bd99ed50298543dd5e238bcb97b843857eb1325edc/pymars-0.10.0-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "50941392b9082bc880938a3121e956033a91dfe9643d3db001b3f0763ceab544",
                "md5": "c16bbb6af44613daaeec1c40bf217716",
                "sha256": "61068c9297d6ecca717b4eda29a22ac2f98b2c1d010b5f8e3f0e45a0dd41e8af"
            },
            "downloads": -1,
            "filename": "pymars-0.10.0-cp39-cp39-win32.whl",
            "has_sig": false,
            "md5_digest": "c16bbb6af44613daaeec1c40bf217716",
            "packagetype": "bdist_wheel",
            "python_version": "cp39",
            "requires_python": null,
            "size": 3530510,
            "upload_time": "2023-01-10T10:00:59",
            "upload_time_iso_8601": "2023-01-10T10:00:59.645746Z",
            "url": "https://files.pythonhosted.org/packages/50/94/1392b9082bc880938a3121e956033a91dfe9643d3db001b3f0763ceab544/pymars-0.10.0-cp39-cp39-win32.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "7eece3f5a4006b0d8b4b7c2a0998e7d62e4286e7269fc0db78e23a78b4d97361",
                "md5": "784ed11a6d6b12f97688f3e0f1f2585e",
                "sha256": "7a97524f19b6f864f76818a1d2930fd86b56d949a2be736206d9ad94563063f7"
            },
            "downloads": -1,
            "filename": "pymars-0.10.0-cp39-cp39-win_amd64.whl",
            "has_sig": false,
            "md5_digest": "784ed11a6d6b12f97688f3e0f1f2585e",
            "packagetype": "bdist_wheel",
            "python_version": "cp39",
            "requires_python": null,
            "size": 3681116,
            "upload_time": "2023-01-10T10:01:02",
            "upload_time_iso_8601": "2023-01-10T10:01:02.052261Z",
            "url": "https://files.pythonhosted.org/packages/7e/ec/e3f5a4006b0d8b4b7c2a0998e7d62e4286e7269fc0db78e23a78b4d97361/pymars-0.10.0-cp39-cp39-win_amd64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "574cfaa88cb69b48bf5859a7660cafdf14f8d2875cc6084c1d7d30068790d4a2",
                "md5": "c543079d2662a877f13feea373178dff",
                "sha256": "8d77de3b49dd170d8a9bb2c5ca6ac5812a73673eed7559efdbb2259fd3958022"
            },
            "downloads": -1,
            "filename": "pymars-0.10.0.tar.gz",
            "has_sig": false,
            "md5_digest": "c543079d2662a877f13feea373178dff",
            "packagetype": "sdist",
            "python_version": "source",
            "requires_python": null,
            "size": 1772429,
            "upload_time": "2023-01-10T10:09:46",
            "upload_time_iso_8601": "2023-01-10T10:09:46.059896Z",
            "url": "https://files.pythonhosted.org/packages/57/4c/faa88cb69b48bf5859a7660cafdf14f8d2875cc6084c1d7d30068790d4a2/pymars-0.10.0.tar.gz",
            "yanked": false,
            "yanked_reason": null
        }
    ],
    "upload_time": "2023-01-10 10:09:46",
    "github": true,
    "gitlab": false,
    "bitbucket": false,
    "github_user": "mars-project",
    "github_project": "mars",
    "travis_ci": false,
    "coveralls": false,
    "github_actions": true,
    "lcname": "pymars"
}
        
Elapsed time: 0.03487s