
Research
/Security News
Contagious Interview Campaign Escalates With 67 Malicious npm Packages and New Malware Loader
North Korean threat actors deploy 67 malicious npm packages using the newly discovered XORIndex malware loader.
A deep learning package optimized for performing Deep Learning Tasks, easy to learn and integrate into projects
Author Name: Ravin D
GitHub: ravin-d-27
Email: ravin.d3107@outlook.com
The author is passionate about deep learning and is dedicated to creating tools that make neural networks more accessible to everyone.
Thanks to these amazing people for contributing to this project:
pydeepflow
is a Python library designed for building and training deep learning models with an emphasis on ease of use and flexibility. It abstracts many of the complexities found in traditional deep learning libraries while still offering powerful functionality.
While TensorFlow and PyTorch are widely used and powerful frameworks, pydeepflow
offers specific advantages for certain use cases:
User-Friendly API: pydeepflow
is designed to be intuitive, allowing users to create and train neural networks without delving into complex configurations.
Rapid Prototyping: It enables quick testing of ideas with minimal boilerplate code, which is particularly beneficial for educational purposes and research.
Lightweight: The library has a smaller footprint compared to TensorFlow and PyTorch, making it faster to install and easier to use in lightweight environments.
Focused Learning: It provides a straightforward approach to understanding deep learning concepts without getting bogged down by the extensive features available in larger libraries.
The project requires the following Python libraries:
numpy
: For numerical operations and handling arrays.pandas
: For data manipulation and loading datasets.scikit-learn
: For splitting data and preprocessing.tqdm
: For progress bars in training.jupyter
: (Optional) For working with Jupyter notebooks.pydeepflow
: The core library used to implement the Multi-Layer ANN.You can find the full list in requirements.txt
.
You can install pydeepflow
directly from PyPI using pip. Open your command line and run:
pip install pydeepflow
After installing, you can start using pydeepflow
to create and train neural networks. Below is a brief example:
import pandas as pd
import numpy as np
from sklearn.model_selection import train_test_split
from sklearn.preprocessing import StandardScaler
from pydeepflow.model import Multi_Layer_ANN
# Load Iris dataset
url = "https://archive.ics.uci.edu/ml/machine-learning-databases/iris/iris.data"
df = pd.read_csv(url, header=None, names=["sepal_length", "sepal_width", "petal_length", "petal_width", "species"])
# Data preprocessing
df['species'] = df['species'].astype('category').cat.codes
X = df.iloc[:, :-1].values
y = np.eye(len(np.unique(y)))[y]
# Split data into training and testing sets
X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.2, random_state=42)
# Standardization
scaler = StandardScaler()
X_train = scaler.fit_transform(X_train)
X_test = scaler.transform(X_test)
# Train ANN
ann = Multi_Layer_ANN(X_train, y_train, hidden_layers=[5, 5], activations=['relu', 'relu'], loss='categorical_crossentropy')
ann.fit(epochs=1000, learning_rate=0.01)
# Evaluate
y_pred = ann.predict(X_test)
accuracy = np.mean(np.argmax(y_pred, axis=1) == np.argmax(y_test, axis=1))
print(f"Test Accuracy: {accuracy * 100:.2f}%")
Contributions are welcome! If you would like to contribute to pydeepflow
, follow these steps:
Fork the Repository: Click the "Fork" button at the top right of the repository page.
Clone Your Fork: Use git to clone your forked repository:
git clone https://github.com/ravin-d-27/PyDeepFlow.git
cd pydeepflow
Create a Branch: Create a new branch for your feature or bug fix:
git checkout -b my-feature-branch
Make Your Changes: Implement your changes and commit them:
git commit -m "Add some feature"
Push to Your Fork:
git push origin my-feature-branch
Submit a Pull Request: Go to the original repository and submit a pull request.
Iris Dataset: The dataset used in this project can be found at the UCI Machine Learning Repository: Iris Dataset
pydeepflow Documentation: pydeepflow Documentation
Deep Learning Resources: For more about deep learning, consider the following:
FAQs
A deep learning package optimized for performing Deep Learning Tasks, easy to learn and integrate into projects
We found that pydeepflow demonstrated a healthy version release cadence and project activity because the last version was released less than a year ago. It has 1 open source maintainer collaborating on the project.
Did you know?
Socket for GitHub automatically highlights issues in each pull request and monitors the health of all your open source dependencies. Discover the contents of your packages and block harmful activity before you install or update your dependencies.
Research
/Security News
North Korean threat actors deploy 67 malicious npm packages using the newly discovered XORIndex malware loader.
Security News
Meet Socket at Black Hat & DEF CON 2025 for 1:1s, insider security talks at Allegiant Stadium, and a private dinner with top minds in software supply chain security.
Security News
CAI is a new open source AI framework that automates penetration testing tasks like scanning and exploitation up to 3,600× faster than humans.