Topic: "regularization"
imedslab/semixup
Semixup: In- and Out-of-Manifold Regularization for Deep Semi-Supervised Knee Osteoarthritis Severity Grading from Plain Radiographs
Language: Python - Size: 314 KB - Last synced at: 6 months ago - Pushed at: over 1 year ago - Stars: 13 - Forks: 6

ermongroup/HyperSPN
PyTorch implementation for "HyperSPNs: Compact and Expressive Probabilistic Circuits", NeurIPS 2021
Language: Python - Size: 17.6 MB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 13 - Forks: 2

wyattowalsh/regularized-linear-regression-deep-dive
Explanations and Python implementations of Ordinary Least Squares regression, Ridge regression, Lasso regression (solved via Coordinate Descent), and Elastic Net regression (also solved via Coordinate Descent) applied to assess wine quality given numerous numerical features. Additional data analysis and visualization in Python is included.
Language: Jupyter Notebook - Size: 51 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 13 - Forks: 1

Nikronic/Coursera-Machine-Learning 📦
In this repository I implemented all assignments in python for the purpose of learning python
Language: Jupyter Notebook - Size: 9.61 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 13 - Forks: 4

meowoodie/Regularized-RBM
A regularized version of RBM for unsupervised feature selection.
Language: Python - Size: 1.59 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 13 - Forks: 2

J3FALL/LASSO-Regression
LASSO Regularization in C++
Language: C++ - Size: 2.25 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 13 - Forks: 5

m-clark/R-models
A quick reference for how to run many models in R.
Language: R - Size: 21 MB - Last synced at: 3 days ago - Pushed at: about 7 years ago - Stars: 13 - Forks: 1

roatienza/agmax
PyTorch code of my WACV 2022 paper Improving Model Generalization by Agreement of Learned Representations from Data Augmentation
Language: Python - Size: 873 KB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 12 - Forks: 2

julilien/LabelRelaxation
Supplementary material and code for the novel label relaxation approach as presented at AAAI21 by Julian Lienen and Eyke HĂĽllermeier.
Language: Python - Size: 637 KB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 12 - Forks: 4

sbelharbi/learning-class-invariant-features
Repository for the code of the paper "Neural Networks Regularization Through Class-wise Invariant Representation Learning".
Language: Python - Size: 18.7 MB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 12 - Forks: 6

VinAIResearch/HyperCUT
HyperCUT: Video Sequence from a Single Blurry Image using Unsupervised Ordering (CVPR'23)
Language: Python - Size: 63.8 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 11 - Forks: 1

mschiffn/comp_ui_toolbox
Computational Ultrasound Imaging Toolbox for MATLAB
Language: MATLAB - Size: 3.07 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 11 - Forks: 3

cperales/pyridge
Supervised Ridge classification. Machine learning algorithms applied to classification machine learning problems
Language: Python - Size: 7.38 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 11 - Forks: 4

ttungl/Deep-Learning
Implemented the deep learning techniques using Google Tensorflow that cover deep neural networks with a fully connected network using SGD and ReLUs; Regularization with a multi-layer neural network using ReLUs, L2-regularization, and dropout, to prevent overfitting; Convolutional Neural Networks (CNNs) with learning rate decay and dropout; and Recurrent Neural Networks (RNNs) for text and sequences with Long Short-Term Memory (LSTM) networks.
Language: Jupyter Notebook - Size: 1.86 MB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 11 - Forks: 6

davpinto/elmnet
Regularized and Pruned Extreme Learning Machines in R
Language: R - Size: 1.2 MB - Last synced at: over 1 year ago - Pushed at: over 8 years ago - Stars: 11 - Forks: 1

romain-e-lacoste/sparklen
A statistical learning toolkit for high-dimensional Hawkes processes in Python
Language: Python - Size: 250 KB - Last synced at: 4 days ago - Pushed at: about 2 months ago - Stars: 10 - Forks: 0

jeremy-london/solve-by-hand
Demystify AI concepts: hand-solved problems translated into code for clarity.
Language: Python - Size: 48.8 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 10 - Forks: 3

iantimmis/DropBlock-Keras-Implementation
Paper Reproduction: "DropBlock: A regularization method for convolutional networks"
Language: Jupyter Notebook - Size: 588 KB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 10 - Forks: 6

akhilvasvani/machine-learning-basics
Basics for Machine Learning
Language: Python - Size: 4.47 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 10 - Forks: 5

luonglearnstocode/Improving-Deep-Neural-Networks-Hyperparameter-tuning-Regularization-and-Optimization
My Solutions to Programming Assignments from the Improving Deep Neural Networks: Hyperparameter tuning, Regularization and Optimization course by deeplearning.ai
Language: Jupyter Notebook - Size: 2.35 MB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 10 - Forks: 17

amayumradia/AirBnB-pricing-prediction
Harvard Project - Accuracy improvement by adding seasonality premium pricing
Language: Jupyter Notebook - Size: 46.6 MB - Last synced at: almost 2 years ago - Pushed at: over 8 years ago - Stars: 10 - Forks: 5

ZhouYuxuanYX/Maximum-Suppression-Regularization
This is the official repository of our paper "MaxSup: Overcoming Representation Collapse in Label Smoothing"
Language: Jupyter Notebook - Size: 19.6 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 9 - Forks: 2

LinusWu/TENET_Training
This is an official pytorch implementation of 'Group-wise Inhibition based Feature Regularization for Robust Classification' (ICCV 2021 accepted paper).
Language: Python - Size: 49.1 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 9 - Forks: 1

mdpetters/DifferentialMobilityAnalyzers.jl
A Julia package for working differential mobility analyzers.
Language: Julia - Size: 193 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 9 - Forks: 3

continental/RelaxedLasso 📦
Implementation of Relaxed Lasso Algorithm for Linear Regression.
Language: Python - Size: 796 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 9 - Forks: 3

minar09/awesome-deep-learning-techniques
A curated list of awesome deep learning techniques for deep neural networks training, testing, optimization, regularization etc.
Size: 9.77 KB - Last synced at: 22 days ago - Pushed at: about 5 years ago - Stars: 9 - Forks: 2

gtesei/DeepExperiments
TensorFlow/Keras experiments on computer vision and natural language processing
Language: Jupyter Notebook - Size: 10.6 MB - Last synced at: 2 months ago - Pushed at: over 6 years ago - Stars: 9 - Forks: 10

oswaldoludwig/Eigenvalue-Decay-Regularizer-for-Keras
Eigenvalue Decay is a new option of weight regularizer to the deep learning practitioner that aims at maximum-margin learning.
Language: Python - Size: 17.6 KB - Last synced at: over 1 year ago - Pushed at: almost 9 years ago - Stars: 9 - Forks: 14

abbasmzs/Coursera-Deep-Learning-Specialization
Notes, programming assignments and quizzes from all courses within the Coursera Deep Learning specialization offered by deeplearning.ai: (i) Neural Networks and Deep Learning; (ii) Improving Deep Neural Networks: Hyperparameter tuning, Regularization and Optimization; (iii) Structuring Machine Learning Projects; (iv) Convolutional Neural Networks..
Language: Jupyter Notebook - Size: 66.7 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 8 - Forks: 3

jialincheoh/coursera-improving-deep-neural-networks
This is one of the modules titled "Improving Deep Neural Networks: Hyperparameter Tuning, Regularization and Optimization" from Coursera Deep Learning Specialization.
Language: Jupyter Notebook - Size: 7.19 MB - Last synced at: about 1 year ago - Pushed at: almost 4 years ago - Stars: 8 - Forks: 3

svoit/Machine_Learning
Machine Learning - Coursera.org
Language: MATLAB - Size: 20.4 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 8 - Forks: 7

jhorzek/lessSEM
lessSEM estimates sparse structural equation models.
Language: R - Size: 14.6 MB - Last synced at: 28 days ago - Pushed at: 11 months ago - Stars: 7 - Forks: 1

mohadeseh-ghafoori/Coursera-Machine-Learning-Specialization
Language: Jupyter Notebook - Size: 45.1 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 7 - Forks: 6

Adesoji1/Food-Image-Classification
Food Image Classification using TensorFlow: A deep learning model to classify various food items using TensorFlow and CNNs.
Language: Jupyter Notebook - Size: 16.2 MB - Last synced at: 2 months ago - Pushed at: almost 2 years ago - Stars: 7 - Forks: 2

arjuntheprogrammer/TheSchoolOfAI
Projects for The School of AI
Language: Jupyter Notebook - Size: 444 MB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 7 - Forks: 5

wy1iu/Sphere-Uniformity
Implementation for <Learning with Hyperspherical Uniformity> in AISTATS'21.
Language: Python - Size: 12.7 KB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 7 - Forks: 0

iamirulofficial/machine_learning_coursera_by_Andrew_Ng
Machine learning coursera by Andrew Ng
Language: MATLAB - Size: 133 MB - Last synced at: about 1 year ago - Pushed at: over 5 years ago - Stars: 7 - Forks: 0

uuujf/TNAR
[CVPR 2019] Tangent-Normal Adversarial Regularization for Semi-supervised Learning
Language: Python - Size: 9.77 KB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 7 - Forks: 0

hkiang01/Applied-Machine-Learning
Applied Machine Learning
Language: Python - Size: 58.8 MB - Last synced at: 8 days ago - Pushed at: almost 9 years ago - Stars: 7 - Forks: 4

gofflab/scProject
Transfer Learning of Gene Expression Signatures in Python.
Language: Jupyter Notebook - Size: 372 MB - Last synced at: 16 days ago - Pushed at: over 1 year ago - Stars: 6 - Forks: 1

itsrainingdata/ccdrAlgorithm
Structure learning for Bayesian networks using the CCDr algorithm.
Language: C++ - Size: 298 KB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 6 - Forks: 9

Vekteur/probabilistic-calibration-study
Implementation of "A Large-Scale Study of Probabilistic Calibration in Neural Network Regression" (ICML 2023)
Language: Python - Size: 192 KB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 6 - Forks: 1

Nikeshbajaj/Regularization_for_Machine_Learning
Regularization for Machine Learning-RegML GUI
Language: Jupyter Notebook - Size: 772 KB - Last synced at: 13 days ago - Pushed at: over 2 years ago - Stars: 6 - Forks: 2

yeachan-kr/pytorch-sigua
Pytorch implemetations of SIGUA
Language: Python - Size: 20.5 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 6 - Forks: 2

efthymisgeo/multimodal-masking
This repo contains source code for the MultiModal Masking (M^3) Interspeech 2021 paper.
Language: Python - Size: 1.91 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 6 - Forks: 0

bhattbhavesh91/lasso-regression-python
This repository shows how Lasso Regression selects correlated predictors
Language: Jupyter Notebook - Size: 50.8 KB - Last synced at: 7 days ago - Pushed at: about 4 years ago - Stars: 6 - Forks: 7

wmkouw/ctrl-iwxval
Controlled importance-weighted cross-validation
Language: MATLAB - Size: 344 KB - Last synced at: 2 months ago - Pushed at: almost 6 years ago - Stars: 6 - Forks: 0

CyberZHG/keras-targeted-dropout 📦
Targeted dropout implemented in Keras
Language: Python - Size: 15.6 KB - Last synced at: 4 months ago - Pushed at: about 6 years ago - Stars: 6 - Forks: 4

S-B-Iqbal/German-Credit-Data-Analysis
Some old code.
Language: Jupyter Notebook - Size: 48.8 KB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 6 - Forks: 3

rfeinman/SK-regularization
Code for "Learning a smooth kernel regularizer for convolutional neural networks" (Feinman & Lake, 2019)
Language: Python - Size: 106 KB - Last synced at: 2 months ago - Pushed at: over 6 years ago - Stars: 6 - Forks: 1

Z7zuqer/DropBlock-Caffe
Implementation of DropBlock: A regularization method for convolutional networks in Caffe.
Language: C++ - Size: 12.7 KB - Last synced at: about 2 months ago - Pushed at: over 6 years ago - Stars: 6 - Forks: 0

s-chh/PatchSwap
Official Pytorch code for PatchSwap: A Regularization Technique for Vision Transformers
Language: Python - Size: 12.7 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 5 - Forks: 0

pyladiesams/pyro-may2023
Meet Uber's Pyro - popular framework for probabilistic programming. Learn how to introduce regularization and prior assumptions into a model, at first for a simple use case of Bayesian Linear Regression and later in an introduction to deep generative models with Pyro.
Language: Jupyter Notebook - Size: 5.83 MB - Last synced at: about 2 months ago - Pushed at: about 2 years ago - Stars: 5 - Forks: 2

gorjanradevski/pruning_deep_nets
Layer-wise pruning of a neural network implemented in Tensorflow 1.x.
Language: Jupyter Notebook - Size: 269 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 5 - Forks: 1

makeyourownmaker/mixup
An R package inspired by 'mixup: Beyond Empirical Risk Minimization'
Language: R - Size: 22.5 KB - Last synced at: 6 months ago - Pushed at: over 2 years ago - Stars: 5 - Forks: 0

colbyford/parEBEN
Parallel Implementations of the Empirical Bayesian Elastic Net Cross-Validation in R
Language: C - Size: 107 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 5 - Forks: 2

sandipanpaul21/Logistic-regression-in-python
Logistic Regression technique in machine learning both theory and code in Python. Includes topics from Assumptions, Multi Class Classifications, Regularization (l1 and l2), Weight of Evidence and Information Value
Language: Jupyter Notebook - Size: 29.4 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 5 - Forks: 1

RahulBhalley/deep-learning-with-swift-for-tensorflow-book
Official source code for "Deep Learning with Swift for TensorFlow" đź“–
Language: Swift - Size: 716 KB - Last synced at: 2 months ago - Pushed at: about 4 years ago - Stars: 5 - Forks: 0

shiming-chen/Writer-Identification-WLSR
Codes for the paper "Semi-Supervised Feature Learning for Improving Writer Identification" in Information Sciences, 2019
Language: MATLAB - Size: 3.08 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 0

aorabdel/Coursera-Machine-Learning Fork of dibgerge/ml-coursera-python-assignments
My Python solutions for the assignments in the machine learning class by andrew ng on coursera.
Language: Jupyter Notebook - Size: 22.4 MB - Last synced at: 3 months ago - Pushed at: about 5 years ago - Stars: 5 - Forks: 5

ycv005/Weather_forecast
Weather forecasting using machine learning and deep learning model.
Language: Jupyter Notebook - Size: 36.9 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 5 - Forks: 1

sbelharbi/structured-output-ae
Repository for the code of the paper "Deep Neural Networks Regularization for Structured Output Prediction"
Language: Python - Size: 4.21 MB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 5 - Forks: 2

sharnam19/Networks
Library which can be used to build feed forward NN, Convolutional Nets, Linear Regression, and Logistic Regression Models.
Language: Python - Size: 3.51 MB - Last synced at: 21 days ago - Pushed at: over 7 years ago - Stars: 5 - Forks: 1

qihongl/MVPA_tutorial
MVPA tutorial - Rogers lab brain imaging unit
Language: Matlab - Size: 821 KB - Last synced at: over 1 year ago - Pushed at: about 8 years ago - Stars: 5 - Forks: 8

jrenstat/regnet
Network-Based Regularization for Generalized Linear Models
Language: R - Size: 5.9 MB - Last synced at: 7 days ago - Pushed at: 4 months ago - Stars: 4 - Forks: 4

dingo-actual/dropgrad
PyTorch Implementation of DropGrad
Language: Python - Size: 20.5 KB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 4 - Forks: 1

dpscience/DCONTINPALS
pyDCONTINPALS - A Python program for running the historical FORTRAN code CONTIN-PALS which solves Fredholm integral equations with convoluted exponential decays as kernels of the type that occur in the analysis of Positron Annihilation Lifetime Spectra (PALS).
Language: Fortran - Size: 4.42 MB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 2

jameschapman19/scikit-prox
A package for fitting regularized models from scikit-learn via proximal gradient descent
Language: Python - Size: 104 KB - Last synced at: 28 days ago - Pushed at: almost 2 years ago - Stars: 4 - Forks: 0

kamrulhasanrony/Deep-Learning-Specialization-Coursera-
Deep Learning Specialization is a online based course provided by Coursera. Here in this repository all the source code of assignment is provided.
Language: Jupyter Notebook - Size: 48.8 MB - Last synced at: 10 months ago - Pushed at: about 2 years ago - Stars: 4 - Forks: 3

jialincheoh/coursera-neural-networks-and-deep-learning
This is one of the modules titled "Neural Networks and Deep Learning" of Coursera Deep Learning Specialization by deeplearning.ai.
Language: Jupyter Notebook - Size: 10.3 MB - Last synced at: about 1 year ago - Pushed at: almost 4 years ago - Stars: 4 - Forks: 2

jaiisrani/Topology-Optimization-iSURP
This repository contains all the programs I will use for my iSURP on Topology Optimization.
Language: Jupyter Notebook - Size: 1.01 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 4 - Forks: 3

ChaitanyaC22/House-Price-Prediction-Project-for-a-US-based-housing-company
The goal of this project is to garner data insights using data analytics to purchase houses at a price below their actual value and flip them on at a higher price. This project aims at building an effective regression model using regularization (i.e. advanced linear regression: Ridge and Lasso regression) in order to predict the actual values of prospective housing properties and decide whether to invest in them or not.
Language: Jupyter Notebook - Size: 3.97 MB - Last synced at: 2 months ago - Pushed at: almost 4 years ago - Stars: 4 - Forks: 1

sujatasaini/Kuzushiji-DropBlock
Japanese Handwritten Character Recognition using DropBlock Regulzarization
Language: Python - Size: 334 KB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 4 - Forks: 1

anishLearnsToCode/improving-deep-neural-networks
Coursera Course: Improving Deep Neural Networks, part of the Deep Learning Specialization ~deeplearning.ai
Language: Jupyter Notebook - Size: 25.5 MB - Last synced at: about 2 months ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 1

burcgokden/CoulGAT-Graph-Attention-Interpretability
Implementation of CoulGAT framework and screened Coulomb attention mechanism.
Language: Python - Size: 23.4 KB - Last synced at: 2 months ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 2

kool7/Deep_Learning_Specialization_Coursera_2020
Coursera Deep Learning Specialization by deeplearning.ai taught by Andrew Ng.
Language: Jupyter Notebook - Size: 9.13 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 4

SeanJia/InfoMCR
Code for "Information-Theoretic Local Minima Characterization and Regularization"
Language: Python - Size: 188 KB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 4 - Forks: 0

csinva/max-activation-interpretation-pytorch
Code for creating maximal activation images (like Deep Dream) in pytorch with various regularizations / losses.
Language: Jupyter Notebook - Size: 188 KB - Last synced at: 2 months ago - Pushed at: over 5 years ago - Stars: 4 - Forks: 2

MaanasVohra/Soft-Computing
Contains submissions of the Soft Computing Elective Course at IIITA.
Language: Jupyter Notebook - Size: 322 MB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 4 - Forks: 7

Paritoshyadav/Minimizing-Churn-Rate-Through-Analysis-of-Financial-Habits
Build a Machine learning model to direct customers to subscribe product through a app behavior analysis
Language: Jupyter Notebook - Size: 1.09 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 4 - Forks: 0

ankitbit/Statistical_Learning_Theory
This repository corresponds to the course "Statistical Learning Theory" taught at the School of Mathematics and Statistics (FME), UPC under the MESIO-UPC-UB Joint Interuniversity Master's Program under the instructor Pedro Delicado
Language: Jupyter Notebook - Size: 40.8 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 4 - Forks: 3

laurenlhoward14/linear-regression-rugby
Using supervised learning and linear regression to predict a rugby match outcome
Language: Jupyter Notebook - Size: 11.7 KB - Last synced at: 5 months ago - Pushed at: about 6 years ago - Stars: 4 - Forks: 2

amirhfarzaneh/disturblabel-pytorch
PyTorch implementation of DisturbLabel
Language: Python - Size: 66.4 KB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 4 - Forks: 1

robodhruv/vector-valued-regularization
PDE-based vector-valued image regularization routine.
Language: Matlab - Size: 16.7 MB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 4 - Forks: 2

Amirreza81/Machine-Learning
Practical solutions to the different subjects of Machine Learning
Language: Jupyter Notebook - Size: 44 MB - Last synced at: about 2 months ago - Pushed at: 6 months ago - Stars: 3 - Forks: 0

ahsan-83/Machine-Learning-Specialization-Coursera
Machine Learning Specialization course offered by DeepLearning.AI on Coursera
Language: HTML - Size: 139 MB - Last synced at: 2 months ago - Pushed at: 6 months ago - Stars: 3 - Forks: 1

Ali-E/FastClip
Controlling the spectral norm of implicitly linear layers (e.g., convolutional layers)
Language: Python - Size: 79.1 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 3 - Forks: 0

bharadwaj-chukkala/Data-driven-motion-planning-using-various-machine-learning-algorithms
ENPM808A: Introduction to Machine Learning Final Project
Language: Jupyter Notebook - Size: 4.52 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 3 - Forks: 0

denizbilgin/ML-Logistic-Regression-WithRegularization-DetectMicrochipsHavePassedQAorNot
A ML:Logistic Regression algorithm with Regularization about "Detect microchips have passed QA or not" problem written with Python 3.10
Language: Python - Size: 103 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 3 - Forks: 0

joaquimcampos/HTV-Learn
Hessian Total-Variation Regularization for Supervised Learning
Language: Python - Size: 32.2 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 3 - Forks: 1

makeyourownmaker/mixupy
Python package for data augmentation inspired by Mixup: Beyond Empirical Risk Minimization
Language: Python - Size: 48.8 KB - Last synced at: 21 days ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 0

Arvindhh931/Mileage-prediction
Fuel Efficiency of car in miles per gallon
Language: Jupyter Notebook - Size: 3.05 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 2

Primus66/Deep-Learning-Specialization-Course-by-Coursera
Deep Learning Specialization Course by Coursera. Neural Networks, Deep Learning, Hyper Tuning, Regularization, Optimization, Data Processing, Convolutional NN, Sequence Models are including this Course.
Language: Jupyter Notebook - Size: 11.2 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 3 - Forks: 0

clissa/Statistical_Learning Fork of amacaluso/Statistical_Learning
Overview of statistical learning methods for classification
Language: HTML - Size: 19.3 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 3 - Forks: 0

AndreasScharnetzki/MachineLearningFundamentals
A notebook about commonly used machine learning algorithms.
Language: Jupyter Notebook - Size: 2.81 MB - Last synced at: 2 days ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 0

nanxstats/logreg
Regularized logistic regressions with computational graphs
Language: R - Size: 1.11 MB - Last synced at: 4 days ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 1

DataSlingers/ExclusiveLasso
Generalized Linear Models with the Exclusive Lasso Penalty
Language: R - Size: 626 KB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 2

mayur7garg/PetImageClassification
Image classification using Convolutional Neural Network (CNN) in tensorflow.keras for Oxford IIIT Pet Image dataset containing 7,390 images of pets spanning across 37 different classes.
Language: Jupyter Notebook - Size: 237 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 0

Labo-Lacourse/Code_chap_23_logistic_regression_regularization
Algorithmes d’apprentissage et modèles statistiques: Un exemple de régression logistique régularisée et de validation croisée pour prédire le décrochage scolaire
Language: Jupyter Notebook - Size: 7.23 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 6

Arijit-datascience/CNN_BatchNormalization_Regularization
MNIST Digit Prediction using Batch Normalization, Group Normalization, Layer Normalization and L1-L2 Regularizations
Language: Jupyter Notebook - Size: 705 KB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 1
