MLEssentials


NameMLEssentials JSON
Version 1.1 PyPI version JSON
download
home_pagehttps://github.com/rohit180497/MLToolkit
SummaryA toolkit to install essential machine learning libraries with one command.
upload_time2024-08-26 20:41:27
maintainerNone
docs_urlNone
authorRohit Kosamkar
requires_python>=3.6
licenseMIT
keywords
VCS
bugtrack_url
requirements No requirements were recorded.
Travis-CI No Travis.
coveralls test coverage No coveralls.
            # MLEssentials

**MLEssentials** is a powerful Python package designed to support a broad range of machine learning tasks. It integrates essential libraries and tools for data preprocessing, model building, evaluation, and visualization. With MLEssentials, you can streamline your machine learning workflows and focus more on solving problems and less on managing dependencies.

## Features

- **Data Manipulation**: Utilizes libraries such as `numpy`, `pandas`, `polars`, and `pandasql` for efficient data handling and manipulation.
- **Model Building**: Supports various model-building frameworks including `scikit-learn`, `xgboost`, `lightgbm`, `catboost`, and `statsmodels`.
- **Visualization**: Provides tools for creating plots and visualizations with `matplotlib`, `seaborn`, `plotly`, and `pydot`.
- **Natural Language Processing**: Incorporates `nltk`, `spacy`, and `pattern` for advanced text processing and analysis.
- **Web and API Interactions**: Includes `fastapi`, `flask`, `selenium`, and `requests` for web scraping and building web applications.
- **Data Storage and Retrieval**: Features `SQLAlchemy`, `mysql-connector`, and `pyodbc` for database connectivity and operations.
- **Additional Utilities**: Offers `joblib`, `pydantic`, `openpyxl`, `pyarrow`, `networkx`, and `beautifulsoup` for extended functionalities.

## Installation

To install **MLEssentials**, use the following `pip` command:

```bash
pip install MLEssentials
```
## Usage
Here’s a quick example of how to use MLEssentials in your machine learning project:


```python
# Importing necessary libraries from MLEssentials
import pandas as pd
import numpy as np
import matplotlib.pyplot as plt
from sklearn.model_selection import train_test_split
from sklearn.ensemble import RandomForestClassifier

# Load and preprocess data
data = pd.read_csv('data.csv')
X = data.drop('target', axis=1)
y = data['target']

# Split data into training and testing sets
X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.3, random_state=42)

# Train a model
model = RandomForestClassifier()
model.fit(X_train, y_train)

# Evaluate the model
accuracy = model.score(X_test, y_test)
print(f"Model Accuracy: {accuracy:.2f}")

# Visualize results
plt.figure(figsize=(10, 6))
plt.plot(range(len(y_test)), y_test, label='True Values')
plt.plot(range(len(y_test)), model.predict(X_test), label='Predicted Values', linestyle='--')
plt.legend()
plt.show()
```

## Contributing

I welcome contributions to MLEssentials! To contribute:

Fork the repository from GitHub (replace with your actual GitHub link).
Create a new branch for your feature or bug fix.
Make your changes and commit them with descriptive messages.
Push your changes to your forked repository.
Submit a pull request to the main repository.
Please ensure your code adheres to our coding standards and passes all tests before submitting a pull request.

## License

MLEssentials is licensed under the MIT License. 

            

Raw data

            {
    "_id": null,
    "home_page": "https://github.com/rohit180497/MLToolkit",
    "name": "MLEssentials",
    "maintainer": null,
    "docs_url": null,
    "requires_python": ">=3.6",
    "maintainer_email": null,
    "keywords": null,
    "author": "Rohit Kosamkar",
    "author_email": "rohitkosamkar97@gmail.com",
    "download_url": "https://files.pythonhosted.org/packages/81/13/c1c1c8f843da29e3a6d2737991a4a624fd208d5eb817a994c4cd4c202654/mlessentials-1.1.tar.gz",
    "platform": null,
    "description": "# MLEssentials\r\n\r\n**MLEssentials** is a powerful Python package designed to support a broad range of machine learning tasks. It integrates essential libraries and tools for data preprocessing, model building, evaluation, and visualization. With MLEssentials, you can streamline your machine learning workflows and focus more on solving problems and less on managing dependencies.\r\n\r\n## Features\r\n\r\n- **Data Manipulation**: Utilizes libraries such as `numpy`, `pandas`, `polars`, and `pandasql` for efficient data handling and manipulation.\r\n- **Model Building**: Supports various model-building frameworks including `scikit-learn`, `xgboost`, `lightgbm`, `catboost`, and `statsmodels`.\r\n- **Visualization**: Provides tools for creating plots and visualizations with `matplotlib`, `seaborn`, `plotly`, and `pydot`.\r\n- **Natural Language Processing**: Incorporates `nltk`, `spacy`, and `pattern` for advanced text processing and analysis.\r\n- **Web and API Interactions**: Includes `fastapi`, `flask`, `selenium`, and `requests` for web scraping and building web applications.\r\n- **Data Storage and Retrieval**: Features `SQLAlchemy`, `mysql-connector`, and `pyodbc` for database connectivity and operations.\r\n- **Additional Utilities**: Offers `joblib`, `pydantic`, `openpyxl`, `pyarrow`, `networkx`, and `beautifulsoup` for extended functionalities.\r\n\r\n## Installation\r\n\r\nTo install **MLEssentials**, use the following `pip` command:\r\n\r\n```bash\r\npip install MLEssentials\r\n```\r\n## Usage\r\nHere\u00e2\u20ac\u2122s a quick example of how to use MLEssentials in your machine learning project:\r\n\r\n\r\n```python\r\n# Importing necessary libraries from MLEssentials\r\nimport pandas as pd\r\nimport numpy as np\r\nimport matplotlib.pyplot as plt\r\nfrom sklearn.model_selection import train_test_split\r\nfrom sklearn.ensemble import RandomForestClassifier\r\n\r\n# Load and preprocess data\r\ndata = pd.read_csv('data.csv')\r\nX = data.drop('target', axis=1)\r\ny = data['target']\r\n\r\n# Split data into training and testing sets\r\nX_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.3, random_state=42)\r\n\r\n# Train a model\r\nmodel = RandomForestClassifier()\r\nmodel.fit(X_train, y_train)\r\n\r\n# Evaluate the model\r\naccuracy = model.score(X_test, y_test)\r\nprint(f\"Model Accuracy: {accuracy:.2f}\")\r\n\r\n# Visualize results\r\nplt.figure(figsize=(10, 6))\r\nplt.plot(range(len(y_test)), y_test, label='True Values')\r\nplt.plot(range(len(y_test)), model.predict(X_test), label='Predicted Values', linestyle='--')\r\nplt.legend()\r\nplt.show()\r\n```\r\n\r\n## Contributing\r\n\r\nI welcome contributions to MLEssentials! To contribute:\r\n\r\nFork the repository from GitHub (replace with your actual GitHub link).\r\nCreate a new branch for your feature or bug fix.\r\nMake your changes and commit them with descriptive messages.\r\nPush your changes to your forked repository.\r\nSubmit a pull request to the main repository.\r\nPlease ensure your code adheres to our coding standards and passes all tests before submitting a pull request.\r\n\r\n## License\r\n\r\nMLEssentials is licensed under the MIT License. \r\n",
    "bugtrack_url": null,
    "license": "MIT",
    "summary": "A toolkit to install essential machine learning libraries with one command.",
    "version": "1.1",
    "project_urls": {
        "Homepage": "https://github.com/rohit180497/MLToolkit"
    },
    "split_keywords": [],
    "urls": [
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "2e1ed4ad3d481685732c8e9a511f3087e54ebe4050415fb417473b417651607c",
                "md5": "248fd9f39fdf6891605d272a16d108d1",
                "sha256": "718a4d088d353b2de2e4f7a697910ca72ab83835e0f066db87b4e0cf98d31b09"
            },
            "downloads": -1,
            "filename": "MLEssentials-1.1-py3-none-any.whl",
            "has_sig": false,
            "md5_digest": "248fd9f39fdf6891605d272a16d108d1",
            "packagetype": "bdist_wheel",
            "python_version": "py3",
            "requires_python": ">=3.6",
            "size": 3652,
            "upload_time": "2024-08-26T20:41:26",
            "upload_time_iso_8601": "2024-08-26T20:41:26.071868Z",
            "url": "https://files.pythonhosted.org/packages/2e/1e/d4ad3d481685732c8e9a511f3087e54ebe4050415fb417473b417651607c/MLEssentials-1.1-py3-none-any.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "8113c1c1c8f843da29e3a6d2737991a4a624fd208d5eb817a994c4cd4c202654",
                "md5": "a9763db0530265424a90bac99a801284",
                "sha256": "73fe0983c18df0ecc49b9ccaa470c9e9d3906ecef663f1d0c356278e2899c504"
            },
            "downloads": -1,
            "filename": "mlessentials-1.1.tar.gz",
            "has_sig": false,
            "md5_digest": "a9763db0530265424a90bac99a801284",
            "packagetype": "sdist",
            "python_version": "source",
            "requires_python": ">=3.6",
            "size": 3871,
            "upload_time": "2024-08-26T20:41:27",
            "upload_time_iso_8601": "2024-08-26T20:41:27.419151Z",
            "url": "https://files.pythonhosted.org/packages/81/13/c1c1c8f843da29e3a6d2737991a4a624fd208d5eb817a994c4cd4c202654/mlessentials-1.1.tar.gz",
            "yanked": false,
            "yanked_reason": null
        }
    ],
    "upload_time": "2024-08-26 20:41:27",
    "github": true,
    "gitlab": false,
    "bitbucket": false,
    "codeberg": false,
    "github_user": "rohit180497",
    "github_project": "MLToolkit",
    "travis_ci": false,
    "coveralls": false,
    "github_actions": false,
    "lcname": "mlessentials"
}
        
Elapsed time: 1.10858s