An open API service providing repository metadata for many open source software ecosystems.

Topic: "distributed-optimization"

chaoyanghe/Awesome-Federated-Learning

FedML - The Research and Production Integrated Federated Learning Library: https://fedml.ai

Size: 210 KB - Last synced at: 5 days ago - Pushed at: almost 3 years ago - Stars: 1,964 - Forks: 330

weimingwill/awesome-federated-learning

All materials you need for Federated Learning: blogs, videos, papers, and softwares, etc.

Language: Shell - Size: 271 KB - Last synced at: about 1 month ago - Pushed at: 8 months ago - Stars: 693 - Forks: 97

litian96/FedProx

Federated Optimization in Heterogeneous Networks (MLSys '20)

Language: Python - Size: 29.4 MB - Last synced at: about 1 year ago - Pushed at: about 2 years ago - Stars: 599 - Forks: 155

litian96/fair_flearn

Fair Resource Allocation in Federated Learning (ICLR '20)

Language: Python - Size: 2.08 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 223 - Forks: 58

MLOPTPSU/FedTorch

FedTorch is a generic repository for benchmarking different federated and distributed learning algorithms using PyTorch Distributed API.

Language: Python - Size: 304 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 190 - Forks: 35

VIS4ROB-lab/hyperion

Symbolic Continuous-Time Gaussian Belief Propagation Framework with Ceres Interoperability

Language: C++ - Size: 7.39 MB - Last synced at: 6 months ago - Pushed at: 7 months ago - Stars: 83 - Forks: 10

ehsanmok/spark-lp

Distributed Linear Programming Solver on top of Apache Spark

Language: Scala - Size: 38.1 KB - Last synced at: 2 days ago - Pushed at: over 4 years ago - Stars: 76 - Forks: 22

OPT4SMART/disropt

DISROPT: A Python framework for distributed optimization

Language: Python - Size: 8.44 MB - Last synced at: 10 months ago - Pushed at: over 1 year ago - Stars: 65 - Forks: 19

lajoiepy/robust_distributed_mapper Fork of CogRob/distributed-mapper

This library is an implementation of the algorithm described in Distributed Trajectory Estimation with Privacy and Communication Constraints: a Two-Stage Distributed Gauss-Seidel Approach.

Language: C++ - Size: 8.14 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 41 - Forks: 11

mkhraijah/PowerModelsADA.jl

A package for solving optimal power flow problems using distributed algorithms.

Language: Julia - Size: 1.07 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 31 - Forks: 7

JYWa/Overlap_Local_SGD

Implementation of (overlap) local SGD in Pytorch

Language: Python - Size: 40 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 29 - Forks: 12

litian96/FedDANE

FedDANE: A Federated Newton-Type Method (Asilomar Conference on Signals, Systems, and Computers ‘19)

Language: Python - Size: 18.8 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 25 - Forks: 10

jeffkinnison/shadho

Scalable, structured, dynamically-scheduled hyperparameter optimization.

Language: Python - Size: 12.9 MB - Last synced at: 27 days ago - Pushed at: over 2 years ago - Stars: 19 - Forks: 8

Evolutionary-Intelligence/dpop7

A ray-based library of Distributed POPulation-based OPtimization for Large-Scale Black-Box Optimization.

Language: Python - Size: 259 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 15 - Forks: 1

JYWa/MATCHA

Communication-efficient decentralized SGD (Pytorch)

Language: Python - Size: 19.5 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 14 - Forks: 6

Alirezalm/scot

Sparse Convex Optimization Toolkit (SCOT)

Language: C++ - Size: 50.5 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 13 - Forks: 1

nicola-bastianello/tvopt

tvopt is a prototyping and benchmarking Python framework for time-varying (or online) optimization.

Language: Python - Size: 976 KB - Last synced at: 2 days ago - Pushed at: about 2 years ago - Stars: 13 - Forks: 3

rounak-meyur/revs-admm

Distributed approach of scheduling residential EV charging to maintain reliability of power distribution grids.

Language: Python - Size: 74.9 MB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 8 - Forks: 1

darknorth0/distributed_consensus_containment

MATLAB implementation of the paper "Distributed Optimization of Average Consensus Containment with Multiple Stationary Leaders" [arXiv 2022].

Language: MATLAB - Size: 15.6 KB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 8 - Forks: 1

mmkamani7/RI-SGD

Implementation of Redundancy Infused SGD for faster distributed SGD.

Language: Python - Size: 32.2 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 8 - Forks: 4

ShahryarBQ/DSpodFL

Decentralized Sporadic Federated Learning: A Unified Algorithmic Framework with Convergence Guarantees

Language: Python - Size: 17.6 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 6 - Forks: 0

Ahmed-Bayoumy/DMDO

Distributed Multidisciplinary Design Optimization

Language: Python - Size: 9.65 MB - Last synced at: 22 days ago - Pushed at: about 1 year ago - Stars: 5 - Forks: 4

vineeths96/Gradient-Compression

We present a set of all-reduce compatible gradient compression algorithms which significantly reduce the communication overhead while maintaining the performance of vanilla SGD. We empirically evaluate the performance of the compression methods by training deep neural networks on the CIFAR10 dataset.

Language: Python - Size: 32.5 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 5 - Forks: 3

Jushan-Randy-Chen/consensus_ADMM

Consensus-ADMM for multi-robot trajectory optimization.

Language: Jupyter Notebook - Size: 8.01 MB - Last synced at: 5 months ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 0

vineeths96/Heterogeneous-Systems

We present an algorithm to dynamically adjust the data assigned for each worker at every epoch during the training in a heterogeneous cluster. We empirically evaluate the performance of the dynamic partitioning by training deep neural networks on the CIFAR10 dataset.

Language: Python - Size: 1.02 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 4 - Forks: 1

naraharikr/master_thesis

Implementation of consensus algorithms using row-stochastic weights over directed graphs

Language: MATLAB - Size: 80.8 MB - Last synced at: 8 days ago - Pushed at: over 3 years ago - Stars: 4 - Forks: 1

DK-Zhu/DUST-on-PEVs-charging

Code for ''Distributed Online Optimization with Coupled Inequality Constraints over Unbalanced Directed Networks'' (CDC 2023)

Language: Python - Size: 366 KB - Last synced at: 1 day ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 1

mmkamani7/LUPA-SGD

Implementation of Local Updates Periodic Averaging (LUPA) SGD

Language: Python - Size: 1.91 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 3

MuhammadAshiqAmeer/Federated-Learning-Intel-OpenFL

The repository focuses on conducting Federated Learning experiments using the Intel OpenFL framework with diverse machine learning models, utilizing image and tabular datasets, applicable different domains like medicine, banking etc.

Language: Jupyter Notebook - Size: 12.9 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

shresthasagar/Federated-MaxVar-GCCA

Error feedback based quantization aided and convergence guaranteed Communication Efficient Federated Linear and Deep GCCA

Language: Jupyter Notebook - Size: 6.32 MB - Last synced at: 5 months ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 2

vineeths96/Federated-Learning

We present UDP-based aggregation algorithms for federated learning. We also present a scalable framework for practical federated learning. We empirically evaluate the performance by training deep convolutional neural networks on the MNIST dataset and the CIFAR10 dataset.

Language: Python - Size: 58 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

nicola-bastianello/optopy

optopy is a prototyping and benchmarking Python framework for optimization, both static and dynamic, centralized and distributed

Language: Python - Size: 512 KB - Last synced at: 7 days ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

DK-Zhu/BDPP-on-resource-allocation

Code for "A Distributed Buffering Drift-Plus-Penalty Algorithm for Coupling Constrained Optimization" (L-CSS 2023)

Language: Python - Size: 285 KB - Last synced at: 1 day ago - Pushed at: 10 days ago - Stars: 0 - Forks: 1

zythorn/OptimalGradientSliding

Unofficial implementation of the Accelerated ExtraGradient method from the 2022 paper "Optimal Gradient Sliding and its Application to Distributed Optimization Under Similarity" by Kovalev D. et al.

Language: Python - Size: 7.81 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

iraikov/distgfs

Parallel optimizer based on the Global Function Search

Language: Python - Size: 256 KB - Last synced at: 23 days ago - Pushed at: 5 months ago - Stars: 0 - Forks: 1

Alirezalm/dccp

dccp is a simple python package that implements DiPOA algorithm.

Language: Python - Size: 23.4 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

spencerkraisler/RCM-Consensus-Lie-Group

This repo is an implementation of the algorithm from the paper Consensus on Lie groups for the Riemannian Center of Mass. This algorithm computes the Riemannian center of mass of a set of points in a distributed manner, generalizing the Euclidean average consensus dynamics.

Language: MATLAB - Size: 4.88 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

XiaoFuLab/federated_max_var_gcca Fork of shresthasagar/Federated-MaxVar-GCCA

Error feedback based quantization aided and convergence guaranteed Communication Efficient Federated Linear and Deep GCCA

Language: Jupyter Notebook - Size: 6.32 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

erfunmirzaei/FedAvg-FedProx

Implemented FedAvg & FedProx: Decentralized Optimization Algorithms for Neural Networks for an Image Classification Task- Distributed Optimization and Learning(DOL) Course Project

Language: Jupyter Notebook - Size: 2.25 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

vienmai/pomodoro

Pomodoro: Progressive Decomposition Methods with Acceleration

Language: C++ - Size: 3.31 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

SteMula/Distributed_Contraint_Coupled_Task_Assignment

Project work of Distributed Control System

Language: MATLAB - Size: 1.69 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

Related Topics
federated-learning 13 machine-learning 10 deep-learning 9 python 7 pytorch 6 optimization 4 large-scale 3 distributed-computing 3 optimization-algorithms 3 mpi 3 online-optimization 3 decentralized-federated-learning 3 distributed-learning 2 convex-optimization 2 communication-efficiency 2 federated-optimization 2 consensus-algorithm 2 privacy 2 computer-vision 2 slam 2 robotics 2 non-iid 2 power-systems 2 tensorflow 2 sgd-optimizer 2 distributed 2 multiagent-systems 2 sgd 2 admm 2 wireless-communication 1 mdo 1 constrained-optimization 1 gurobi 1 logistic-regression 1 mpi4py 1 time-varying-optimization 1 high-performance 1 linear-programming 1 interdisciplinary-feasible 1 scala 1 spark 1 alteranting-directions-method-of-multipliers 1 vertical-federated-learning 1 transfer-learning 1 mdo-architectures 1 straggler-problem 1 semi-supervised-learning 1 multidisciplinary-design-optimization 1 neural-architecture-search 1 interpretability 1 incentive-mechanism 1 hierarchical-federated-learning 1 multidisciplinary-feasible 1 continual-learning 1 multidisciplinary-optimization 1 optimal-power-flow 1 julia 1 hyperparameter-optimization 1 distributed-scheduling 1 gradient-method 1 residential-energy-consumptions 1 electric-vehicles 1 distribution-systems 1 trajectory-optimization 1 mpc-control 1 augmented-lagrange-multipliers 1 symforce 1 augmented-lagrangian-method 1 sensor-fusion 1 message-passing 1 gaussian-belief-propagation 1 eigen3 1 cpp 1 continuous-time 1 code-generation 1 ceres-solver 1 distributed-multidisciplinary-design-optimization 1 statistical-heterogeneity 1 meta-learning 1 federated-learning-framework 1 differential-privacy-deep-learning 1 data-privacy 1 large-scale-optimization 1 distributed-swarm-intelligence 1 distributed-evolutionary-computation 1 distributed-evolutionary-algorithms 1 distributed-evolution-strategies 1 black-box-optimization 1 riemannian-geometry 1 robust-estimation 1 distributed-systems 1 edge-learning 1 heterogeneous-parallel-programming 1 optimization-tools 1 optimization-library 1 optimization-framework 1 mpi-applications 1 master-thesis 1 linear-convergence 1 directed-graphs 1