Skip to main content

Federated Learning Client & Server API for AI Model Training

Project description

Cifer Website

Cifer is a Privacy-Preserving Machine Learning (PPML) framework offers several methods for secure, private, collaborative machine learning “Federated Learning” and “Fully Homomorphic Encryption”

GitHub license PRs Welcome Downloads

🌎 Website   |   📔 Docs   |   🙌 Join Slack


Table of content

  1. Introduction
  2. Installation
  3. Basic Usage Examples
    3.1 FedLearn
    3.2 FHE

Introduction

Cifer is a Privacy-Preserving Machine Learning (PPML) framework designed to revolutionize the way organizations approach secure, private, and collaborative machine learning. In an era where data privacy and security are paramount, Cifer offers a comprehensive solution that combines advanced technologies to enable privacy-conscious AI development and deployment.

Core Modules

  1. Federated Learning (FedLearn): Cifer's FedLearn module allows for decentralized machine learning, enabling multiple parties to collaborate on model training without sharing raw data.
  2. Fully Homomorphic Encryption (HomoCryption): Our FHE framework permits computations on encrypted data, ensuring end-to-end privacy throughout the machine learning process.

Key Features

  1. Flexible Architecture: Cifer adapts to your needs, supporting both decentralized and centralized federated learning configurations.

  2. Enhanced Security and Privacy: Leveraging advanced cryptographic techniques and secure communication protocols, Cifer provides robust protection against various privacy and security threats.

  3. Broad Integration: Seamlessly integrates with popular machine learning tools and frameworks, including PyTorch, TensorFlow, scikit-learn, NumPy, JAX, Cuda, Hugging Face's Transformer; ensuring easy adoption across different environments.

  4. No-Code Configuration: Simplify your setup with our intuitive no-code platform, making privacy-preserving machine learning accessible to a wider audience.

Why Cifer Stands Out

Cifer offers a revolutionary approach to Privacy-Preserving Machine Learning (PPML) by combining powerful federated learning capabilities with robust encryption, ensuring privacy, security, and flexibility. Here are the key reasons why Cifer sets itself apart from other federated learning frameworks:

1. Customized Network Design: Decentralized (dFL) and Centralized (cFL) Options

Cifer’s FedLearn framework provides the flexibility to choose between Decentralized Federated Learning (dFL) and Centralized Federated Learning (cFL):

  • Decentralized Federated Learning (dFL): Powered by Cifer’s proprietary blockchain and Layer-1 infrastructure, dFL ensures a robust, resilient system through its Byzantine Robust Consensus algorithm, even if some nodes are compromised or malicious. This fully decentralized approach is ideal for distributed environments where privacy and data ownership are paramount.

  • Centralized Federated Learning (cFL): For organizations that prefer more control, such as trusted collaborations among known partners, cFL offers a centralized model that provides oversight and management flexibility. This centralized option is tailored for environments that require higher levels of governance.

2. Enhanced Security and Efficient Communication Protocol

Most federated learning frameworks on the market rely on Peer-to-Peer (P2P) protocols, which are vulnerable to security threats like man-in-the-middle attacks, data interception, and inefficiencies in communication.

Cifer uses the gRPC communication protocol, which leverages HTTP/2 for multiplexing, bidirectional streaming, and header compression, resulting in faster, more secure communication. By utilizing Protocol Buffers for serialization, Cifer ensures smaller message sizes, faster processing, and enhanced reliability. The built-in encryption and secure communication channels protect data exchanges from unauthorized access and tampering, making Cifer a more secure and efficient solution compared to P2P-based frameworks.

3. No-Code Configuration Platform

Cifer simplifies the complexity of setting up federated learning with its no-code configuration platform. Unlike other frameworks that require manual coding and intricate setups, Cifer provides an intuitive browser-based user interface that allows users to design, configure, and deploy federated learning systems without writing any code. This innovative approach lowers the barrier for organizations to adopt federated learning while ensuring flexibility and scalability.

4. FedLearn Combined with Fully Homomorphic Encryption (FHE)

Cifer uniquely combines FedLearn with Fully Homomorphic Encryption (FHE), enabling computations on encrypted data throughout the entire training process. This means that sensitive data never needs to be decrypted, providing end-to-end encryption for complete privacy. With the integration of FHE, organizations can train machine learning models on sensitive data without ever exposing it, ensuring that privacy and compliance standards are met, even when working in a collaborative environment.



Installation

Pip The preferred way to install Cifer is through PyPI:

pip install cifer

To upgrade Cifer to the latest version, use:

pip install --upgrade cifer

Note:

  • For macOS: You can run these commands in the Terminal application.
  • For Windows: Use Command Prompt or PowerShell.
  • For Linux: Use your preferred terminal emulator.
  • For Google Colab: Run these commands in a code cell, prefixed with an exclamation mark (e.g., !pip install cifer).
  • For Jupyter Notebook: You can use either a code cell with an exclamation mark or the %pip magic command (e.g., %pip install cifer).


Docker

You can get the Cifer docker image by pulling the latest version:

docker pull ciferai/cifer:latest

To use a specific version of Cifer, replace latest with the desired version number, for example:

docker pull ciferai/cifer:v1.0.0



What's Included in pip install cifer

When you install Cifer using pip, you get access to the following components and features:

Core Modules

  • FedLearn: Our federated learning implementation, allowing for collaborative model training while keeping data decentralized.
  • HomoCryption: Fully Homomorphic Encryption module for performing computations on encrypted data.

Integrations

Cifer seamlessly integrates with popular machine learning frameworks: TensorFlow, Pytorch, scikit-learn, Numpy, Cuda, JAX, Hugging Face’s Transformer

Utilities

  • Data preprocessing tools
  • Privacy-preserving metrics calculation
  • Secure aggregation algorithms

Cryptographic Libraries

  • Integration with state-of-the-art homomorphic encryption libraries

Communication Layer

  • gRPC-based secure communication protocols for federated learning

Example Notebooks

  • Jupyter notebooks demonstrating Cifer's capabilities in various scenarios

Command-line Interface (CLI)

  • A user-friendly CLI for managing Cifer experiments and configurations

Optional Dependencies

Some features may require additional dependencies. You can install them using:

pip install cifer[extra]

Where extra can be:
viz: For visualization tools
gpu: For GPU acceleration support
all: To install all optional dependencies



Importing Cifer

After installing Cifer, you can import its modules in your Python scripts or interactive environments. The two main modules, FedLearn and FHE (Fully Homomorphic Encryption), can be imported as follows:

Python Python
from cifer import fedlearn as fl
from cifer import homocryption as fhe



Basic Usage Examples

Here are some quick examples to get you started:


Basic Usage Examples: FedLearn

Key Adjustments: FedLearn

FedLearn in Cifer operates with two roles (as referred to in Cifer Workspace):

  • 👑 Server (Fed Master): Sets up the communication channel, specifies the model path, initializes the dataset, receives model updates, performs aggregation, and sends the new model back to clients. This process continues until all aggregation rounds are completed.

  • 🧑‍💻 Client (Contributor): Connects to the communication channel, follows the server’s model configuration, loads a local dataset, trains on local data, and sends model updates to the server. This process repeats until all aggregation rounds are finished.

Server Side

1. Importing Cifer

To use the Cifer FedLearn, start by importing the required module:

Python Python
from cifer import CiferServer

2. Server Configuration (Fed Master)

The server initializes the federated learning process by setting up the communication channel, specifying the model path, and defining the initial dataset:

Python Python
server = CiferServer(
    encoded_project_id="YOUR_PROJECT_ID",
    encoded_company_id="YOUR_COMPANY_ID",
    encoded_client_id="YOUR_CLIENT_ID",
    base_api="http://localhost:5000",
    dataset_path="YOUR_DATASET_PATH",
    model_path="YOUR_MODEL_PATH"
)

2.1 Setup Communication Channel

The encoded_project_id, encoded_company_id, and encoded_client_id are obtained from the Cifer Workspace. These IDs ensure proper collaboration and data integrity.

Replace your IDs in the following lines:

encoded_project_id="YOUR_PROJECT_ID",
encoded_company_id="YOUR_COMPANY_ID",
encoded_client_id="YOUR_CLIENT_ID"

2.2 Define Dataset

Specify the local path of the dataset:

dataset_path = "YOUR_DATASET_PATH"

2.3 Define Model

Specify the local path of the model:

model_path = "YOUR_MODEL_PATH"


Alternatively, you can load models in different ways:


  Git Clone:

You can use the following CLI command to clone a model repository into your computer:

git clone <model_repo_url> <destination_folder>

For example:

git clone https://github.com/example/repo.git models_folder/

After cloning, specify the model path in your code:

model_path = "<destination_folder>/YOUR_MODEL.h5"

Hugging Face Hugging Face Model:

You can use the following CLI command to download a pre-trained model from Hugging Face:

pip install transformers

Hugging Face's transformers library provides access to pre-trained machine learning models for various tasks. This enables you to use ready-made models without training from scratch.

Python Python
from transformers import AutoModel
model = AutoModel.from_pretrained("bert-base-uncased")
model.save_pretrained("YOUR_MODEL_FOLDER")

After downloading, specify the model path in your code:

model_path = "YOUR_MODEL_FOLDER"

3. Start Aggregation Process

Start the server to begin receiving and aggregating model updates:

Python Python
server.run()



Client side

1. Importing Cifer Client

The code begins by importing Cifer’s federated learning module:

Python Python
import cifer

Then, import other necessary modules:

Python Python
import numpy as np
import tensorflow as tf
from tensorflow import keras
from cifer import CiferClient
import os

2. Client Configuration (Contributor)

Each client follows the server’s setup and prepares its dataset and model. This ensures that all nodes contributing to the same project operate within the same communication channel, allowing seamless collaboration and aggregation of model updates.

2.1 Define Dataset

Put the local dataset path in dataset_path, and set up the dataset configuration based on your own requirements.

In this example, we use the MNIST dataset, normalize pixel values, and save it as a NumPy file.

Python Python
dataset_path = "YOUR_DATASET_PATH"
if not os.path.exists(dataset_path):
    print("📂 Creating new dataset...")
    (train_images, train_labels), _ = keras.datasets.mnist.load_data()
    train_images = train_images / 255.0  # Normalize
    np.save(dataset_path, (train_images, train_labels))  # Save as a Tuple (train_images, train_labels)
    print("✅ Dataset created successfully!")

2.2 Define Model

Put the local model path in model_path, and set up the model configuration based on your own requirements.

In this example, we define a simple neural network model, set loss and optimization metrics, and save it as an H5 file.

Python Python
model_path = "YOUR_MODEL_PATH"
if not os.path.exists(model_path):
    print("🛠️ Creating new model...")
    model = keras.Sequential([
        keras.layers.Flatten(input_shape=(28, 28)),
        keras.layers.Dense(128, activation="relu"),
        keras.layers.Dense(10, activation="softmax")
    ])
    model.compile(optimizer="adam", loss="sparse_categorical_crossentropy", metrics=["accuracy"])
    model.save(model_path)
    print("✅ Model created and saved successfully!")


Alternatively, you can load models in different ways:


  Git Clone:

You can use the following CLI command to clone a model repository into your computer:

git clone <model_repo_url> <destination_folder>

For example:

git clone https://github.com/example/repo.git models_folder/

After cloning, specify the model path in your code:

model_path = "<destination_folder>/YOUR_MODEL.h5"

Hugging Face Hugging Face Model:

You can use the following CLI command to download a pre-trained model from Hugging Face:

pip install transformers

Hugging Face's transformers library provides access to pre-trained machine learning models for various tasks. This enables you to use ready-made models without training from scratch.

Python Python
from transformers import AutoModel
model = AutoModel.from_pretrained("bert-base-uncased")
model.save_pretrained("YOUR_MODEL_FOLDER")

After downloading, specify the model path in your code:

model_path = "YOUR_MODEL_FOLDER"

2.3 Setup Communication Channel

The client must use the same communication settings as the server:

The encoded_project_id, encoded_company_id, and encoded_client_id can be obtained from the Cifer Workspace. These IDs ensure that all contributors stay connected within the same communication channel for seamless collaboration.

In Cifer Workspace, the client is referred to as 'Contributor' and follows the same communication, model, and training configuration as the server ('Fed Master').

Replace only the ID values in the following section:

Python Python
client = CiferClient(
    encoded_project_id="YOUR_PROJECT_ID",
    encoded_company_id="YOUR_COMPANY_ID",
    encoded_client_id="YOUR_CLIENT_ID",
    base_api="http://localhost:5000",
    dataset_path=dataset_path,
    model_path=model_path
)

3. Start Training Process

Begin training and send model updates to the server:

client.run()



Basic Usage Examples: FHE

# Import Cifer's HomoCryption module for fully homomorphic encryption
from cifer import homocryption as hc

# Generate keys: Public Key, Private Key, and Relinearization Key (Relin Key)
public_key, private_key, relin_key = hc.generate_keys()

# Example data to be encrypted
data = [42, 123, 256]

# Encrypt the data using the Public Key
encrypted_data = [hc.encrypt(public_key, value) for value in data]

# Perform computations on encrypted data
# For example, adding encrypted values
encrypted_result = hc.add(encrypted_data[0], encrypted_data[1])

# Apply relinearization to reduce noise in the ciphertext
relinearized_result = hc.relinearize(encrypted_result, relin_key)

# Decrypt the result using the Private Key
decrypted_result = hc.decrypt(private_key, relinearized_result)

# Output the result
print("Decrypted result of encrypted addition:", decrypted_result)

How It Works: FHE

Key Generation:

First, we generate the necessary keys for homomorphic encryption using hc.generate_keys(). This provides the Public Key (used for encrypting data), Private Key (for decrypting results), and Relinearization Key (used to reduce noise during operations on encrypted data).

Encrypting Data:

Data is encrypted using the Public Key with hc.encrypt(). In this example, a simple array of numbers is encrypted for further computations.

Performing Encrypted Computation:

Fully homomorphic encryption allows computations to be performed directly on encrypted data. Here, we add two encrypted values with hc.add() without decrypting them, maintaining privacy throughout the operation.

Relinearization:

Relinearization helps manage noise introduced by homomorphic operations, which is done with the Relin Key using hc.relinearize().

Decryption:

After the computations are complete, the Private Key is used to decrypt the result with hc.decrypt().




For more detailed information and access to the full documentation, please visit www.cifer.ai

<style> .filetype {background:#353a42; width:fit-content; padding:6px 12px; border-radius:6px 6px 0 0; font-size:12px; font-family:monospace;} </style>

Changelog

[1.0.1] - 2025-03-07

Added

  • Initial release of cifer
  • Implements Homomorphic Encryption (LightPHE)
  • API Server integration with Flask and Uvicorn

[0.1.26] - 2024-10-28

Added

  • Websocket server-client
  • PyJWT

Fixed

  • Resolved bug in data processing related to incorrect input handling.

[0.1.26] - 2024-10-28

Added

  • Added support for WebSocket Secure (WSS), allowing users to choose between standard WebSocket (WS) or secure WSS communication.
  • Enabled model weight encryption using Homomorphic Encryption (RSA) for secure data transmission between Client and Server. This can be enabled with the use_homomorphic parameter.
  • Added JSON Web Token (JWT) authentication, requiring Clients to send a token to the Server for identity verification, enhancing access control.

Fixed

  • Resolved import issues by switching to absolute imports in connection_handler.py to reduce cross-package import conflicts when running the project externally.

[0.1.23] - 2024-10-22

Fixed

  • Resolved bug in data processing related to incorrect input handling.

[0.1.22] - 2024-10-05

Fixed

  • No matching distribution found for tensorflow
  • Package versions have conflicting dependencies.

[0.1.19] - 2024-09-29

Added

  • Add conditional TensorFlow installation based on platform

Fixed

  • Resolved bug in data processing related to incorrect input handling.

[0.1.18] - 2024-09-29

Added

  • Initial release of FedServer class that supports federated learning using gRPC.
  • Added client registration functionality with clientRegister.
  • Added model training round management with startServer function.
  • Implemented federated averaging (FedAvg) aggregation for model weights.
  • Model validation functionality with __callModelValidation method.
  • Support for handling multiple clients concurrently with threading.
  • Configurable server via config.json.

Changed

  • Modularized the code for future extension and improvement.
  • Created configuration options for server IP, port, and max_receive_message_length via the config.json file.

Fixed

  • Optimized client handling to prevent blocking during registration and learning rounds.

[0.1.15-0.1.17] - 2024-09-14

Fixed

  • Resolved bug in data processing related to incorrect input handling.

[0.1.14] - 2024-09-013

Fixed

  • Resolved bug in data processing related to incorrect input handling.

[0.1.13] - 2024-09-08

Added

-- Integrate Tensorflow and Huggingface's Transformer New Integration: Added support for TensorFlow and HuggingFace's Transformers library to enhance model training and expand compatibility with popular AI frameworks.

Fixed

-- Resolved various bugs to improve system stability and performance. This update continues to build on CiferAI's federated learning and fully homomorphic encryption (FHE) framework, focusing on enhanced compatibility, privacy, and security in decentralized machine learning environments.

[0.1.11] - 2024-09-08

Changed

[0.1.10] - 2024-09-08

Changed

  • Updated README.md to improve content and information about Cifer.

[0.0.9] - 2024-09-01

Added

  • Added new feature for handling exceptions in the main module.
  • Included additional error logging functionality.

[0.0.8] - 2024-08-25

Fixed

  • Resolved bug in data processing related to incorrect input handling.

Project details


Download files

Download the file for your platform. If you're not sure which to choose, learn more about installing packages.

Source Distribution

cifer-1.0.1.tar.gz (20.3 kB view details)

Uploaded Source

Built Distribution

cifer-1.0.1-py3-none-any.whl (14.4 kB view details)

Uploaded Python 3

File details

Details for the file cifer-1.0.1.tar.gz.

File metadata

  • Download URL: cifer-1.0.1.tar.gz
  • Upload date:
  • Size: 20.3 kB
  • Tags: Source
  • Uploaded using Trusted Publishing? No
  • Uploaded via: twine/6.1.0 CPython/3.8.17

File hashes

Hashes for cifer-1.0.1.tar.gz
Algorithm Hash digest
SHA256 90be4738d1598dd6f3e2bf33d6fee57143bf47357e812ccdff7aa8c94212be08
MD5 4c427edbdcc925e2a5fe69c0ede1c864
BLAKE2b-256 af305d9def59dc94afc1d9fe5d1371bf355acca06d64ef8cb6705c0071883289

See more details on using hashes here.

File details

Details for the file cifer-1.0.1-py3-none-any.whl.

File metadata

  • Download URL: cifer-1.0.1-py3-none-any.whl
  • Upload date:
  • Size: 14.4 kB
  • Tags: Python 3
  • Uploaded using Trusted Publishing? No
  • Uploaded via: twine/6.1.0 CPython/3.8.17

File hashes

Hashes for cifer-1.0.1-py3-none-any.whl
Algorithm Hash digest
SHA256 39e75f6c9ddcbaa6f9a397516ec805ea12e2df56869c6181298f23f1f189c91f
MD5 686242a22cf76c1915990378b4407361
BLAKE2b-256 fc1fa18a3c258e7783d73d27ec15e7a736a3647b0e34d4e87781f2fb3c3cbe1f

See more details on using hashes here.

Supported by

AWS Cloud computing and Security Sponsor Datadog Monitoring Fastly CDN Google Download Analytics Pingdom Monitoring Sentry Error logging StatusPage Status page