overfitting

There are 115 repositories under overfitting topic.

  • lijqhs/deeplearning-notes

    Notes for Deep Learning Specialization Courses led by Andrew Ng.

  • EnnengYang/Awesome-Forgetting-in-Deep-Learning

    A Comprehensive Survey of Forgetting in Deep Learning Beyond Continual Learning. TPAMI, 2024.

  • modestyachts/ImageNetV2

    A new test set for ImageNet

    Language:Jupyter Notebook24391327
  • LayneH/self-adaptive-training

    [TPAMI2022 & NeurIPS2020] Official implementation of Self-Adaptive Training

    Language:Python12941123
  • HannaMeyer/CAST

    Developer Version of the R package CAST: Caret Applications for Spatio-Temporal models

    Language:R110193030
  • evgenii-nikishin/rl_with_resets

    JAX implementation of deep RL agents with resets from the paper "The Primacy Bias in Deep Reinforcement Learning"

    Language:Python101306
  • georgezoto/TensorFlow-in-Practice

    TensorFlow in Practice Specialization. Join our Deep Learning Adventures community 🎉 and become an expert in Deep Learning, TensorFlow, Computer Vision, Convolutional Neural Networks, Kaggle Challenges, Data Augmentation and Dropouts Transfer Learning, Multiclass Classifications and Overfitting and Natural Language Processing NLP as well as Time Series Forecasting 😀 All while having fun learning and participating in our Deep Learning Trivia games 🎉 http://bit.ly/deep-learning-tf

    Language:Jupyter Notebook678029
  • VITA-Group/Alleviate-Robust-Overfitting

    [ICLR 2021] "Robust Overfitting may be mitigated by properly learned smoothening" by Tianlong Chen*, Zhenyu Zhang*, Sijia Liu, Shiyu Chang, Zhangyang Wang

    Language:Python46915
  • marcojira/fld

    PyTorch code for FLD (Feature Likelihood Divergence), FID, KID, Precision, Recall, etc. using DINOv2, InceptionV3, CLIP, etc.

    Language:Python41147
  • pythonbravo/oil_price

    Machine Learning to predict share prices in the Oil & Gas Industry

    Language:Jupyter Notebook315014
  • mingzhang-yin/Meta-learning-without-memorization

    A study on the following problems: what the memorization problem is in meta-learning; why memorization problem happens; and how we can prevent it. (ICLR 2020)

    Language:Jupyter Notebook21123
  • szilard/GBM-tune

    Tuning GBMs (hyperparameter tuning) and impact on out-of-sample predictions

    Language:HTML21533
  • CasperKristiansson/Elements-of-AI-Building-AI

    All exercises for the course Elements of AI - Building AI

    Language:Python191126
  • mainkoon81/Study-09-MachineLearning-B

    **Supervised-Learning** (with some Kaggle winning solutions and their reason of Model Selection for the given dataset).

    Language:Jupyter Notebook171312
  • TsingZ0/GPFL

    ICCV 2023 accepted paper, GPFL: Simultaneously Learning Global and Personalized Feature Information for Personalized Federated Learning

    Language:Python17271
  • Amitha353/Machine-Learning-Regression

    Machine-Learning-Regression

    Language:Jupyter Notebook162012
  • stoneMo/SLAVC

    Official Codebase of "A Closer Look at Weakly-Supervised Audio-Visual Source Localization" (NeurIPS 2022)

    Language:Python16365
  • georgezoto/Deep-Learning-Adventures

    Deep Learning Adventures. Join our Deep Learning Adventures community 🎉 and become an expert in Deep Learning, TensorFlow, Computer Vision, Convolutional Neural Networks, Kaggle Challenges, Data Augmentation and Dropouts Transfer Learning, Multiclass Classifications and Overfitting and Natural Language Processing NLP as well as Time Series Forecasting 😀 All while having fun learning and participating in our Deep Learning Trivia games 🎉 http://bit.ly/deep-learning-tf

  • bmcmenamin/thresholdOut-explorations

    playing with Dwork's adaptive holdout and how to use it for a grid-search

    Language:Jupyter Notebook11103
  • gabrieldim/Baby-Health-Data-Science

    Baby Health model made in Python.

    Language:Jupyter Notebook1120
  • anshul1004/DecisionTree

    Decision Tree classifier from scratch without any machine learning libraries

    Language:Python10106
  • WalidGharianiEAGLE/spatial-kfold

    spatial resampling for more robust cross validation in spatial studies

    Language:Python10200
  • fau-masters-collected-works-cgarbin/dropout-vs-batch-normalization

    Dropout vs. batch normalization: effect on accuracy, training and inference times - code for the paper

    Language:TeX8301
  • sharmaroshan/Don-t-Overfit

    It is from Kaggle Competitions where the training dataset is very small and the testing dataset is very large and we have to avoid or reduce overfiting by looking for best possible ways to overcome the most popular problem faced in field of predictive analytics.

    Language:Jupyter Notebook6107
  • emmachollet/ComparSDMsQuantifOverfitSuppInterpr_DataPackage

    Package with data, scripts and plots for manuscript "A comparison of machine learning and statistical species distribution models: when overfitting hurts interpretation" (submitted to Ecological Modelling, Dec 2022)

    Language:R5101
  • HIIT/human-overfitting-in-IML

    User Modelling for Avoiding Overfitting in Interactive Knowledge Elicitation for Prediction

    Language:Matlab5601
  • klemenjak/nilm-transferability-metrics

    Metrics to assess the generalisation ability of NILM algorithms

  • 11785-Group-9/BMN-Boundary-Matching-Network

    Pytorch implementation of the paper: "BMN: Boundary-Matching Network for Temporal Action Proposal Generation", along with three new modules to address overfitting issues found in the baseline model, and their ablation studies.

    Language:Python4003
  • alkhdaniel/Elements-of-AI-Building-AI---Advanced

    Elements of AI: Building AI - Advanced is an online course by Reaktor and University of Helsinki worth 2 ECTS.

    Language:Python4102
  • austincorum/Dropout-NeuralNetworks

    Dropout: A Simple Way to Prevent Neural Networks from Overfitting

    Language:Python4201
  • david-adewoyin/machine_learning_basics

    Plain Python Implementation of popular machine learning algorithms from scratch. Algorithms includes: Linear Regression, Logistic Regression, Softmax, Kmeans, Decision Tree,Bagging, Random Forest, etc.

    Language:Jupyter Notebook3100
  • neural-tangjie/NTJ-AIMed_2_Prognosis

    :octocat: This repository contains the notes, codes, assignments, quizzes and other additional materials about the course "AI for Medical Prognosis" from DeepLearning.AI Coursera.

    Language:Jupyter Notebook3100
  • rpatrik96/lod-wmm-2019

    Supplementary code for the paper "Stochastic Weight Matrix-based Regularization Methods for Deep Neural Networks" - an accepted paper of LOD2019

    Language:Python3300
  • sbrhss/ML-MATLAB

    Machine Learning with MATLAB

    Language:MATLAB3103
  • ChenLiu-1996/CorruptedDataLoader

    Pytorch DataLoader wrapper to intentionally mess up, corrupt, shuffle, randomize the input/label correspondence.

    Language:Python2100
  • DanielWicz/ClippedNoiseSoftmax

    Clipped Noise Softmax to overcome over-fitting with Softmax - PyTorch implementation

    Language:Python2100