Ecosyste.ms: Repos

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

GitHub topics: overfitting

BaraSedih11/ReducingOverfitting

Reducing overfitting in perdiction in decision trees

Language: Jupyter Notebook - Size: 12.7 KB - Last synced: about 8 hours ago - Pushed: about 8 hours ago - Stars: 0 - Forks: 0

zxuuuustupid/cifar10

use CNN to fit cifar10,but overfitting

Language: Python - Size: 18.6 KB - Last synced: 13 days ago - Pushed: 13 days ago - Stars: 1 - Forks: 0

bhattbhavesh91/dropout-walkthrough

A repository to show how Dropout in Keras can Prevent Overfitting

Language: Jupyter Notebook - Size: 52.7 KB - Last synced: 17 days ago - Pushed: almost 3 years ago - Stars: 1 - Forks: 3

Ashutosh27ind/crossValidationwithLinearRegression

This notebook demonstrates how to do cross-validation (CV) with linear regression as an example (it is heavily used in almost all modelling techniques such as decision trees, SVM etc.). We will mainly use sklearn to do cross-validation.

Language: Jupyter Notebook - Size: 294 KB - Last synced: 17 days ago - Pushed: about 4 years ago - Stars: 0 - Forks: 0

LayneH/self-adaptive-training

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

Language: Python - Size: 91.8 KB - Last synced: 21 days ago - Pushed: over 2 years ago - Stars: 124 - Forks: 23

modestyachts/ImageNetV2

A new test set for ImageNet

Language: Jupyter Notebook - Size: 120 MB - Last synced: 19 days ago - Pushed: about 1 year ago - Stars: 224 - Forks: 21

HannaMeyer/CAST

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

Language: R - Size: 71.7 MB - Last synced: 18 days ago - Pushed: 18 days ago - Stars: 101 - Forks: 29

bhattbhavesh91/regularization-neural-networks

Simple Demo to show how L2 Regularization avoids overfitting in Deep Learning/Neural Networks

Language: Jupyter Notebook - Size: 156 KB - Last synced: 17 days ago - Pushed: almost 3 years ago - Stars: 2 - Forks: 3

HIIT/human-overfitting-in-IML

User Modelling for Avoiding Overfitting in Interactive Knowledge Elicitation for Prediction

Language: Matlab - Size: 19.1 MB - Last synced: about 2 months ago - Pushed: about 6 years ago - Stars: 5 - Forks: 1

Timie/fourier_head

Simple attempt to create neural network head that would prevent overfitting

Language: Python - Size: 8.79 KB - Last synced: 2 months ago - Pushed: over 4 years ago - Stars: 0 - Forks: 0

Abdoelabassi/Machine-Learning-Specialization

Machine Learning: Regression and Classification. Andrew presents a course in introduction to machine learning, with practice in regression and classification for the first and second course, and the third course focuses on recommender systems and reinforcement learning.

Language: Jupyter Notebook - Size: 36.9 MB - Last synced: 2 months ago - Pushed: 2 months ago - Stars: 0 - Forks: 0

BuddyBent/Titanic

We explore the Titanic Kaggle competition, employing advanced analytics and machine learning to accurately predict survival rates. This repository serves as a detailed guide for all levels, offering visual insights, data preprocessing methods, and model comparisons.

Language: Jupyter Notebook - Size: 22.6 MB - Last synced: 2 months ago - Pushed: 2 months ago - Stars: 0 - Forks: 0

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: Python - Size: 646 KB - Last synced: about 1 month ago - Pushed: over 2 years ago - Stars: 44 - Forks: 5

marcojira/fld

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

Language: Python - Size: 257 KB - Last synced: 3 months ago - Pushed: 3 months ago - Stars: 23 - Forks: 5

lijqhs/deeplearning-notes

Notes for Deep Learning Specialization Courses led by Andrew Ng.

Size: 9.38 MB - Last synced: 3 months ago - Pushed: almost 2 years ago - Stars: 358 - Forks: 101

WalidGharianiEAGLE/spatial-kfold

spatial resampling for more robust cross validation in spatial studies

Language: Python - Size: 2.16 MB - Last synced: 20 days ago - Pushed: 7 months ago - Stars: 9 - Forks: 0

778569/Model-overfitting-and-Underfitting

Overfitting is often caused by using a model with too many parameters or if the model is too powerful for the given dataset. On the other hand, underfitting is often caused by the model with too few parameters or by using a model that is not powerful enough for the given dataset. In this we are discussing about that.

Size: 484 KB - Last synced: 3 months ago - Pushed: 3 months ago - Stars: 0 - Forks: 0

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: R - Size: 290 MB - Last synced: 4 months ago - Pushed: 5 months ago - Stars: 4 - Forks: 1

EnnengYang/Awesome-Forgetting-in-Deep-Learning

A Comprehensive Survey of Forgetting in Deep Learning Beyond Continual Learning. arXiv:2307.09218.

Size: 13.7 KB - Last synced: 4 months ago - Pushed: 5 months ago - Stars: 96 - Forks: 6

mathieubolteau/Overfitting_in_ML

Notebook to present overfitting using diabetes dataset.

Language: Jupyter Notebook - Size: 109 KB - Last synced: 5 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 1

sciencenerd880/regression_polynomial

Supervised Learning - Regression Algorithm

Language: Jupyter Notebook - Size: 493 KB - Last synced: 5 months ago - Pushed: 5 months ago - Stars: 0 - Forks: 0

sbrhss/ML-MATLAB

Machine Learning with MATLAB

Language: MATLAB - Size: 28.8 MB - Last synced: 6 months ago - Pushed: about 4 years ago - Stars: 2 - Forks: 3

11785-Group-9/BMN-Boundary-Matching-Network Fork of JJBOY/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: Python - Size: 3.81 MB - Last synced: about 1 month ago - Pushed: over 2 years ago - Stars: 4 - Forks: 3

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 Notebook - Size: 124 MB - Last synced: 7 months ago - Pushed: almost 4 years ago - Stars: 59 - Forks: 24

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

Size: 29.1 MB - Last synced: 7 months ago - Pushed: almost 4 years ago - Stars: 11 - Forks: 4

ksonod/deep_learning_with_python

My notebooks on the book "Deep Learning with Python" by Francois Chollet (2018)

Language: Jupyter Notebook - Size: 8.22 MB - Last synced: 7 months ago - Pushed: over 3 years ago - Stars: 1 - Forks: 3

Niranjankumar-c/OverFitting

Analyse OverFitting of data

Language: R - Size: 545 KB - Last synced: 7 months ago - Pushed: over 5 years ago - Stars: 1 - Forks: 1

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 Notebook - Size: 12.5 MB - Last synced: 7 months ago - Pushed: about 5 years ago - Stars: 6 - Forks: 7

Amitha353/Machine-Learning-Regression

Machine-Learning-Regression

Language: Jupyter Notebook - Size: 10 MB - Last synced: 7 months ago - Pushed: over 3 years ago - Stars: 13 - Forks: 12

jamesdhope/regression-models

A series of documented Jupyter notebooks implementing polynomial regression models and model performance analysis

Language: Jupyter Notebook - Size: 339 KB - Last synced: 7 months ago - Pushed: almost 7 years ago - Stars: 1 - Forks: 2

chiapeilin/Linear-Regression

Write code of linear regression by gradient descent with regularization, and examine the overfitting and underfitting effect.

Language: Jupyter Notebook - Size: 1.44 MB - Last synced: 7 months ago - Pushed: 7 months ago - Stars: 0 - Forks: 0

klemenjak/nilm-transferability-metrics

Metrics to assess the generalisation ability of NILM algorithms

Size: 5.86 KB - Last synced: 4 months ago - Pushed: over 4 years ago - Stars: 4 - Forks: 2

sk-g/MNIST_Beginners

Model search in traditional machine learning algorithms (non DL) and DL starter codes on MNIST dataset. This is a good starter code for beginners trying to learn about curse of dimensionality, overfitting and other concepts in general

Language: Python - Size: 20.9 MB - Last synced: 8 months ago - Pushed: about 6 years ago - Stars: 0 - Forks: 0

hwixley/MLP-coursework1-report

Machine Learning Practical - Coursework 1 Report: a study of the problem of overfitting in deep neural networks, how it can be detected, and prevented using the EMNIST dataset. This was done by performing experiments with depth and width, dropout, L1 & L2 regularization, and Maxout networks.

Language: TeX - Size: 1.44 MB - Last synced: 9 months ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

hwixley/EMNIST-NeuralNet-Regularisation-Experiments

A study of the problem of overfitting in deep neural networks, how it can be detected, and prevented using the EMNIST dataset. This was done by performing experiments with depth and width, dropout, L1 & L2 regularization, and Maxout networks.

Language: Jupyter Notebook - Size: 137 MB - Last synced: 9 months ago - Pushed: about 1 year ago - Stars: 0 - Forks: 0

faezeamin/ML-Logistic-Regression

Logistic Regression algorithm to classify two classes of 2-D data samples using 1) 2-D feature vector & 2) its mapping to a higher dimensional feature space.

Language: MATLAB - Size: 6.84 KB - Last synced: 9 months ago - Pushed: almost 5 years ago - Stars: 1 - Forks: 0

wind-m05/System-Identification-course

Introduction of system identification on an unkown plant with various models.

Language: MATLAB - Size: 3.9 MB - Last synced: 4 months ago - Pushed: 9 months ago - Stars: 0 - Forks: 0

szilard/GBM-tune

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

Language: HTML - Size: 10.4 MB - Last synced: 10 months ago - Pushed: over 6 years ago - Stars: 22 - Forks: 3

felipenufisnor/ML_validation_optimization

Machine Learning: model optimization through hyperparameters

Language: Jupyter Notebook - Size: 188 KB - Last synced: 10 months ago - Pushed: 10 months ago - Stars: 0 - Forks: 0

john-fante/svm-xgboost-lightgbm-ensemble-method-w-noised-dataset

I tried to deal with the overfitting problem using only the AI-generated training set.

Language: Jupyter Notebook - Size: 634 KB - Last synced: 10 months ago - Pushed: 10 months ago - Stars: 0 - Forks: 0

evgenii-nikishin/rl_with_resets

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

Language: Python - Size: 1.1 MB - Last synced: 9 months ago - Pushed: about 2 years ago - Stars: 85 - Forks: 6

fardinabbasi/Decision_Tree

Machine Learning Course [ECE 501] - Spring 2023 - University of Tehran - Dr. A. Dehaqani, Dr. Tavassolipour

Language: Jupyter Notebook - Size: 571 KB - Last synced: 10 months ago - Pushed: 10 months ago - Stars: 0 - Forks: 0

alexmaf90/Machine-Learning-with-Python-

Series of tutorials from Resolving Python on how to compute different algorithms for predicting the future based on tabular data.

Language: Jupyter Notebook - Size: 2.16 MB - Last synced: 12 months ago - Pushed: 12 months ago - Stars: 0 - Forks: 0

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 Notebook - Size: 1.02 MB - Last synced: 4 months ago - Pushed: over 1 year ago - Stars: 2 - Forks: 0

riccmon/Deep-Learning

Lab Sessions of the Deep Learning course - Master's degree in Artificial Intelligence at UniBo

Language: Jupyter Notebook - Size: 4.11 MB - Last synced: about 1 year ago - Pushed: about 1 year ago - Stars: 0 - Forks: 0

XinshaoAmosWang/XinshaoAmosWang.github.io

Xinshao Wang, Ex-Postdoc and Ex-Visit Scholar@University of Oxford, Ex-Senior Researcher@ZenithAI

Language: SCSS - Size: 50.5 MB - Last synced: 11 months ago - Pushed: 11 months ago - Stars: 1 - Forks: 0

DanielWicz/ClippedNoiseSoftmax

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

Language: Python - Size: 17.6 KB - Last synced: about 1 year ago - Pushed: about 1 year ago - Stars: 1 - Forks: 0

andressagomes26/CNN_TensorFlow

Curso Convolutional Neural Networks in TensorFlow disponibilizado pela DeepLearning.AI e ministrado atravรฉs do Coursera

Language: Jupyter Notebook - Size: 1.45 MB - Last synced: about 1 year ago - Pushed: about 1 year ago - Stars: 0 - Forks: 0

anshul1004/DecisionTree

Decision Tree classifier from scratch without any machine learning libraries

Language: Python - Size: 24.4 KB - Last synced: 5 months ago - Pushed: over 4 years ago - Stars: 9 - Forks: 6

ChenLiu-1996/CorruptedDataLoader

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

Language: Python - Size: 22.5 KB - Last synced: about 1 year ago - Pushed: about 1 year ago - Stars: 1 - Forks: 0

mainkoon81/Study-09-MachineLearning-B

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

Language: Jupyter Notebook - Size: 981 KB - Last synced: about 1 year ago - Pushed: over 4 years ago - Stars: 16 - Forks: 12

CasperKristiansson/Elements-of-AI-Building-Ai

All exercises for the course Elements of AI - Building AI

Language: Python - Size: 20.5 KB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 12 - Forks: 17

jaunel/Live-detection-of-Sunglasses

Developed CNN model with 93% validation accuracy using techniques like Dropouts & Batch Normalization. Using haar cascade of Computer Vision It is then used to detect sunglasses on real time basis

Language: Jupyter Notebook - Size: 282 KB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

stoneMo/SLAVC

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

Language: Python - Size: 15.6 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 7 - Forks: 1

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: TeX - Size: 2.25 MB - Last synced: about 1 month ago - Pushed: over 1 year ago - Stars: 8 - Forks: 1

HasibAlMuzdadid/Pet-Image-Classification

Classification between pet images using different approaches on famous cats vs dogs dataset available on kaggle.

Language: Jupyter Notebook - Size: 592 KB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 1 - Forks: 0

austincorum/Dropout-NeuralNetworks

Dropout: A Simple Way to Prevent Neural Networks from Overfitting

Language: Python - Size: 11.4 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 3 - Forks: 1

JuzerShakir/Logistic_Regression

A Mathematical Intuition behind Logistic Regression Algorithm

Size: 229 KB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

mli42/python_bootcamp

42AI Bootcamps - Python & Machine Learning

Language: Python - Size: 7.46 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 3 - Forks: 2

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: Python - Size: 39.1 KB - Last synced: about 1 year ago - Pushed: about 2 years ago - Stars: 1 - Forks: 1

Mojtaba-Alehosseini/Machine-Learning

Language: Jupyter Notebook - Size: 42 KB - Last synced: 12 months ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

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 Notebook - Size: 162 KB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 19 - Forks: 1

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 Notebook - Size: 1.7 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 1 - Forks: 0

bmcmenamin/thresholdOut-explorations

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

Language: Jupyter Notebook - Size: 1.01 MB - Last synced: about 1 year ago - Pushed: about 6 years ago - Stars: 11 - Forks: 3

gabrieldim/Baby-Health-Data-Science

Baby Health model made in Python.

Language: Jupyter Notebook - Size: 5.86 KB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 11 - Forks: 0

kyaiooiayk/Donts-in-Machine-Learning-Notes

Notes, tutorials, code snippets and templates focused on Don'ts for Machine Learning

Language: Jupyter Notebook - Size: 986 KB - Last synced: about 1 year ago - Pushed: about 1 year ago - Stars: 0 - Forks: 0

kimy-de/disturbvalue

DisturbValue: a regularization method for regressioin tasks

Language: Python - Size: 4.88 KB - Last synced: 12 months ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

AnuragSChatterjee/Introduction-To-Machine-Learning-In-Python-On-Kaggle

Pursued an Introductory Machine Learning course in Python on Kaggle in my free time, where I practiced on a dataset and built a small model on Kaggle.

Language: Jupyter Notebook - Size: 12.7 KB - Last synced: about 1 year ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

Foroozani/Machine-Learning

:construction: ML algorithms, employing different approaches

Language: Jupyter Notebook - Size: 46.6 MB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 2 - Forks: 1

kpetridis24/global-optimization

Unknown function approximation, given input-output measurements, using Genetic Algorithm

Language: MATLAB - Size: 3.42 MB - Last synced: about 1 year ago - Pushed: about 2 years ago - Stars: 1 - Forks: 0

pixel-debug/Machine-Learning

Cรณdigos e enunciados utilizados no curso de Aprendizado de Mรกquina feito em 2020.

Language: Jupyter Notebook - Size: 49.1 MB - Last synced: about 1 year ago - Pushed: about 2 years ago - Stars: 1 - Forks: 0

vc1492a/us-state-under-over-fitting

A visual example of the concepts of under and overfitting in supervised machine learning using U.S. state border data.

Language: Jupyter Notebook - Size: 1.11 MB - Last synced: 17 days ago - Pushed: over 5 years ago - Stars: 1 - Forks: 2

vvittis/MachineLearning

Size: 20 MB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 1 - Forks: 0

SourishW/ED-04-Sklearn-Notes

Machine learning with sklearn

Language: Jupyter Notebook - Size: 563 KB - Last synced: about 1 year ago - Pushed: almost 3 years ago - Stars: 0 - Forks: 0

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: Python - Size: 111 KB - Last synced: about 1 year ago - Pushed: almost 5 years ago - Stars: 3 - Forks: 0

d4rthm4ul/ML-Overfitting-Lasso-and-Ridge-Regression

In this repository you will learn how to handle overfitting with the help of Lasso and Ridge Regression regularizations, also working mechanism of those while using useful charts.

Language: Jupyter Notebook - Size: 94.7 KB - Last synced: about 1 year ago - Pushed: almost 3 years ago - Stars: 0 - Forks: 0

r-abishek/course_googleMLPracticum

Google course material on development of the state-of-the-art image classification model powering search in Google Photos

Language: Jupyter Notebook - Size: 129 MB - Last synced: about 1 year ago - Pushed: about 5 years ago - Stars: 0 - Forks: 0

Alessine/predicting_pirate_attack_success

Using machine learning to predict the success or failure of pirate attacks; elaborated during the Data Science Bootcamp at Propulsion Academy

Language: Jupyter Notebook - Size: 14.1 MB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 0 - Forks: 1

KentHsu/Manufacturing-Process-Modeling

Gaussian function basis regression overfitting location prediction

Language: Python - Size: 121 KB - Last synced: about 1 year ago - Pushed: about 3 years ago - Stars: 0 - Forks: 0

armanr99/NeuralNetwork

An implementation of neural network with regularization

Language: Jupyter Notebook - Size: 1010 KB - Last synced: about 1 year ago - Pushed: over 4 years ago - Stars: 1 - Forks: 0

alejandrods/Noise-Regularization-Method-Neural-Network

Adding noise as regularization method to reduce overffiting in neural networks

Language: Jupyter Notebook - Size: 1.24 MB - Last synced: about 1 year ago - Pushed: about 4 years ago - Stars: 1 - Forks: 0

TyMick/neural-net-tutorial-1

Following my first neural network tutorial

Language: Jupyter Notebook - Size: 136 KB - Last synced: about 1 year ago - Pushed: almost 4 years ago - Stars: 0 - Forks: 0

sailfish009/self-adaptive-training Fork of LayneH/self-adaptive-training

Official implementation of the paper 'Self-Adaptive Training: beyond Empirical Risk Minimization'

Size: 43.9 KB - Last synced: 10 months ago - Pushed: about 4 years ago - Stars: 0 - Forks: 0

Develop-Packt/Solving-a-Classification-Problem-with-DNNs-Using-PyTorch

Make use of PyTorch's custom modules to define a network architecture and train a model. Investigate how to improve a model's performance and deploy your model for wider use.

Language: Jupyter Notebook - Size: 6.03 MB - Last synced: about 1 year ago - Pushed: about 4 years ago - Stars: 0 - Forks: 1

Develop-Packt/Creating-Ensemble-Models-with-Python

Recognize underfitting and overfitting, implement bagging and boosting, and build a stacked ensemble model using a number of classifiers.

Language: Jupyter Notebook - Size: 11.3 MB - Last synced: about 1 year ago - Pushed: about 4 years ago - Stars: 0 - Forks: 1

codeKk21/Classification-Optimization-technique

Fraud detection over twitter feed data

Language: MATLAB - Size: 873 KB - Last synced: about 1 year ago - Pushed: over 4 years ago - Stars: 1 - Forks: 0

gustavoisidio/avoidingoverfitting

Language: Jupyter Notebook - Size: 1.8 MB - Last synced: about 1 year ago - Pushed: over 4 years ago - Stars: 0 - Forks: 0

praxitelisk/Dont-Overfit-II

Kagglers have 20,000 rows of continuous variables, and a mere handful of training samples. Once again, we challenge you not to overfit. Do your best, model without overfitting, and add, perhaps, to your own legend.

Language: Jupyter Notebook - Size: 20.7 MB - Last synced: 11 months ago - Pushed: about 5 years ago - Stars: 0 - Forks: 0

irfanalidv/Credit_Card_Fraud_Detection

Anonymized credit card transactions labeled as fraudulent or genuine

Language: R - Size: 4.88 KB - Last synced: about 1 year ago - Pushed: over 6 years ago - Stars: 0 - Forks: 0

hashtag32/Behavioral-Cloning

Udacity Self Driving Car Nanodegree - Behavioral Cloning

Language: Python - Size: 7.54 MB - Last synced: about 1 year ago - Pushed: almost 6 years ago - Stars: 0 - Forks: 0

miguelangelnieto/Predicting-Boston-Housing-Prices

Built a model to predict the value of a given house in the Boston real estate market using various statistical analysis tools. Identified the best price that a client can sell their house utilizing machine learning.

Language: HTML - Size: 216 KB - Last synced: about 1 year ago - Pushed: over 6 years ago - Stars: 0 - Forks: 0

dwallach1/ID3-Tree

ID3 decision tree implementation

Language: Python - Size: 430 KB - Last synced: about 1 year ago - Pushed: about 7 years ago - Stars: 0 - Forks: 1

Related Keywords
overfitting 92 machine-learning 31 deep-learning 20 underfitting 14 neural-networks 13 regularization 12 linear-regression 11 python 11 neural-network 11 tensorflow 10 logistic-regression 9 keras 9 sklearn 7 dropout 6 gradient-descent 6 pandas 6 convolutional-neural-networks 6 random-forest 5 scikit-learn 5 cross-validation 5 pytorch 5 numpy 4 classification 4 machine-learning-algorithms 4 polynomial-regression 4 deep-neural-networks 4 decision-tree 4 decision-trees 4 generalization 4 keras-tensorflow 4 computer-vision 3 keras-neural-networks 3 clustering 3 data-science 3 nearest-neighbor-search 3 loss-functions 3 algorithms 3 bias-variance 3 cnn 3 hyperparameter-optimization 3 kaggle 3 data-augmentation 3 svm 3 l2-regularization 3 train-test-split 3 decision-tree-classifier 3 feature-selection 3 pruning 3 support-vector-machine 2 image-classification 2 softmax 2 rnn 2 regression-models 2 genetic-algorithm 2 trivia-game 2 timeseries-forecasting 2 tensorflow-developer-certificate 2 cnn-classification 2 natural-language-processing 2 multiclass-classification 2 kmeans-clustering 2 hill-climbing 2 visualization 2 generalisation 2 deep-learning-algorithms 2 regularization-methods 2 self-supervised-learning 2 reinforcement-learning 2 meta-learning 2 probability 2 bayes-classifier 2 supervised-learning 2 prediction 2 feature-extraction 2 sigmoid-function 2 emnist 2 bayes-rule 2 l1-regularization 2 maxout-networks 2 mnist 2 fine-tuning 2 kmeans 2 regression 2 linear-regression-models 2 perceptron 2 ridge-regression 2 svm-classifier 2 naive-bayes-classifier 2 lasso-regression 2 stacking 2 bagging 2 transfer-learning 2 kaggle-competition 2 optimization-algorithms 2 autocorrelation 2 predictive-modeling 2 sequence-models 2 spatial 2 adversarial-robustness 2 xgboost 2