Collection of open machine learning papers

View on GitHub mlpapers/mlpapers.github.io

Follow on Twitter @mlpapers

Machine learning papers

  • Missing data
  • Feature extraction
  • Feature selection
  • Bayesian networks
  • Bayesian inference
  • Causal inference
  • Neural networks
  • Reinforcement learning
  • Ensemble learning
  • Optimization
  • Interpretability

Subscribe to the PwC Newsletter

Join the community, add a new evaluation result row, federated learning.

1542 papers with code • 12 benchmarks • 11 datasets

Federated Learning is a machine learning approach that allows multiple devices or entities to collaboratively train a shared model without exchanging their data with each other. Instead of sending data to a central server for training, the model is trained locally on each device, and only the model updates are sent to the central server, where they are aggregated to improve the shared model.

This approach allows for privacy-preserving machine learning, as each device keeps its data locally and only shares the information needed to improve the model.

Benchmarks Add a Result

machine learning research papers github

Most implemented papers

Communication-efficient learning of deep networks from decentralized data.

Modern mobile devices have access to a wealth of data suitable for learning models, which in turn can greatly improve the user experience on the device.

Federated Optimization in Heterogeneous Networks

Theoretically, we provide convergence guarantees for our framework when learning over data from non-identical distributions (statistical heterogeneity), and while adhering to device-level systems constraints by allowing each participating device to perform a variable amount of work (systems heterogeneity).

Adaptive Personalized Federated Learning

machine learning research papers github

Investigation of the degree of personalization in federated learning algorithms has shown that only maximizing the performance of the global model will confine the capacity of the local models to personalize.

Measuring the Effects of Non-Identical Data Distribution for Federated Visual Classification

In this work, we look at the effect such non-identical data distributions has on visual classification via Federated Learning.

Advances and Open Problems in Federated Learning

FL embodies the principles of focused data collection and minimization, and can mitigate many of the systemic privacy risks and costs resulting from traditional, centralized machine learning and data science approaches.

LEAF: A Benchmark for Federated Settings

TalwalkarLab/leaf • 3 Dec 2018

Modern federated networks, such as those comprised of wearable devices, mobile phones, or autonomous vehicles, generate massive amounts of data each day.

Agnostic Federated Learning

litian96/fair_flearn • 1 Feb 2019

A key learning scenario in large-scale applications is that of federated learning, where a centralized model is trained based on data originating from a large number of clients.

Towards Federated Learning at Scale: System Design

Federated Learning is a distributed machine learning approach which enables model training on a large corpus of decentralized data.

FedMD: Heterogenous Federated Learning via Model Distillation

With 10 distinct participants, the final test accuracy of each model on average receives a 20% gain on top of what's possible without collaboration and is only a few percent lower than the performance each model would have obtained if all private datasets were pooled and made directly available for all participants.

SCAFFOLD: Stochastic Controlled Averaging for Federated Learning

We obtain tight convergence rates for FedAvg and prove that it suffers from `client-drift' when the data is heterogeneous (non-iid), resulting in unstable and slow convergence.

Navigation Menu

Search code, repositories, users, issues, pull requests..., provide feedback.

We read every piece of feedback, and take your input very seriously.

Saved searches

Use saved searches to filter your results more quickly.

To see all available qualifiers, see our documentation .

machine-learning-papers

Here are 15 public repositories matching this topic..., au1206 / paper_annotations.

A place to keep track of all the annotated papers.

  • Updated Nov 11, 2022

dylan-slack / TalkToModel

TalkToModel gives anyone with the powers of XAI through natural language conversations 💬!

  • Updated Aug 3, 2023

KaleabTessera / Research-Paper-Reading-Template

A markdown template for taking notes to summarize research papers.

  • Updated Feb 19, 2024

tiagotvv / ml-papers

Summary of Machine Learning papers

  • Updated Nov 28, 2017

Huizerd / papers

Summaries of deep learning & computer vision papers for the courses CS4180 & IN4393-16 at TU Delft

  • Updated Aug 6, 2018

paulinamoskwa / ml-papers

Collection of impactful machine learning papers (shortly explained)

  • Updated May 15, 2024

arasgungore / awesome-deep-learning-papers

The most cited deep learning papers.

  • Updated Aug 27, 2020

arasgungore / awesome-deep-learning

A curated list of awesome Deep Learning tutorials, projects and communities.

  • Updated Dec 27, 2023

Sophie-Villerot / Sentinel-for-CLMS-Papers

Papers for Copernicus Land Monitoring Services evolution - based on H2020 ECoLaSS project

  • Updated Nov 21, 2020

Inhenn / Machine-Learning-Paper-Collection

A Collection of Machine Learning Papers I Found Interesting

  • Updated Aug 24, 2020

DataDaoDe / A-History-of-Artificial-Intelligence

Historical timeline of AI through research papers

  • Updated Jan 21, 2024

LUTLJS / Deep-Learning-Papers-Translation

  • Updated Aug 19, 2021

nAuTahn / Machine-Learning-theory

Towards understanding Machine Learning theory in 69 days :)

  • Updated Oct 2, 2024

IsraelAzoulay / multi-class-image-classifier-computer-vision

Classifying images of three different types of food using deep learning and computer vision techniques with PyTorch. Achieved 96+% accuracy on the test set. Deployed on Hugging Face as an interactive app.

  • Updated Jul 28, 2024
  • Jupyter Notebook

IsraelAzoulay / SmartAbstractClassifier-NLP

Currently developing a Natural Language Processing model to classify sentences in abstracts, articles, and other texts into their respective roles (objective, methods, results, etc.), enabling efficient content review and research.

  • Updated May 30, 2024

Improve this page

Add a description, image, and links to the machine-learning-papers topic page so that developers can more easily learn about it.

Curate this topic

Add this topic to your repo

To associate your repository with the machine-learning-papers topic, visit your repo's landing page and select "manage topics."

IMAGES

  1. GitHub

    machine learning research papers github

  2. machine-learning-papers-summary/cv/yolo-v1.md at master · GitYCC

    machine learning research papers github

  3. GitHub

    machine learning research papers github

  4. GitHub

    machine learning research papers github

  5. GitHub

    machine learning research papers github

  6. Machine Learning Papers · GitHub

    machine learning research papers github

VIDEO

  1. Doing ML Research as a Graduate Student

  2. Why you should read Research Papers in ML & DL? #machinelearning #deeplearning

  3. REAL ML: Recognizing, Exploring, and Articulating Limitations in Machine Learning Research

  4. Discussing Special Template for writing ML Research Papers

  5. ML/Deep Learning Research Paper Reading

  6. Introduction to Machine Learning in Python with Scikit-Learn

COMMENTS

  1. anubhavshrimal/Machine-Learning-Research-Papers

    A list of research papers in the domain of machine learning, deep learning and related fields. I have curated a list of research papers that I come across and read. I'll keep on updating the list of papers and their summary as I read them every week.

  2. Must Read Papers for Data Science, ML, and DL

    2019-10-28 Started must-read-papers-for-ml repo. 2019-10-29 Added analytics vidhya use case studies article links. 2019-10-30 Added Outlier/Anomaly detection paper, separated Boosting, CNN, Object Detection, NLP papers, and added Image captioning papers. 2019-10-31 Added Famous Blogs from Deep and Machine Learning Researchers

  3. machine-learning-research · GitHub Topics · GitHub

    GitHub is where people build software. More than 100 million people use GitHub to discover, fork, and contribute to over 420 million projects. ... A collection of research papers on decision, classification and regression trees with implementations. ... To associate your repository with the machine-learning-research topic, visit ...

  4. The latest in Machine Learning

    Papers With Code highlights trending Machine Learning research and the code to implement it. Browse State-of-the-Art Datasets ; Methods; More ... Subscribe to the PwC Newsletter ×. Stay informed on the latest trending ML papers with code, research developments, libraries, methods, and datasets. Read previous issues. Subscribe.

  5. Trends

    Papers With Code highlights trending Machine Learning research and the code to implement it. Browse State-of-the-Art Datasets ; Methods; More ... For every open access machine learning paper, we check whether a code implementation is available on GitHub. The date axis is the publication date of the paper.

  6. Machine learning papers

    Machine Learning papers (landing page) mlpapers. Collection of open machine learning papers. View on GitHub mlpapers/mlpapers.github.io. Follow on Twitter @mlpapers. Machine learning papers

  7. Papers with Code: A Fantastic GitHub Resource for Machine Learning

    If so, this GitHub repository, a clearinghouse for research papers and their corresponding implementation code, is definitely worth checking out. By Matthew Mayo , KDnuggets Managing Editor on December 31, 2018 in GitHub , Machine Learning , Research

  8. Federated Learning

    **Federated Learning** is a machine learning approach that allows multiple devices or entities to collaboratively train a shared model without exchanging their data with each other. Instead of sending data to a central server for training, the model is trained locally on each device, and only the model updates are sent to the central server, where they are aggregated to improve the shared model.

  9. [Research] Looking for interesting ML papers to read for the ...

    Related Machine learning Computer science Information & communications technology Applied science Formal science Technology Science forward back r/cpp Discussions, articles and news about the C++ programming language or programming in C++.

  10. machine-learning-papers · GitHub Topics · GitHub

    GitHub is where people build software. More than 100 million people use GitHub to discover, fork, and contribute to over 420 million projects. ... nlp machine-learning deep-learning paper transfer-learning research-paper machine-learning-papers annotated-papers Updated Nov 11, 2022; dylan ... To associate your repository with the machine ...