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

Topic: "l1-regularization"

foolwood/pytorch-slimming

Learning Efficient Convolutional Networks through Network Slimming, In ICCV 2017.

Language: Python - Size: 12.7 KB - Last synced at: 19 days ago - Pushed at: almost 6 years ago - Stars: 570 - Forks: 96

carnotresearch/cr-sparse

Functional models and algorithms for sparse signal processing

Language: Jupyter Notebook - Size: 81.6 MB - Last synced at: 1 day ago - Pushed at: over 1 year ago - Stars: 89 - Forks: 11

rfeinman/pytorch-lasso

L1-regularized least squares with PyTorch

Language: Python - Size: 5.45 MB - Last synced at: 18 days ago - Pushed at: about 2 years ago - Stars: 66 - Forks: 8

tayebiarasteh/DeepLearning_from_scratch

A Deep Learning framework for CNNs and LSTMs from scratch, using NumPy.

Language: Python - Size: 11.8 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 16 - Forks: 2

jaydu1/SparsePortfolio

High Dimensional Portfolio Selection with Cardinality Constraints

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

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: about 2 years ago - Pushed at: over 3 years ago - Stars: 5 - Forks: 1

EliaFantini/Image-Reconstructor-FISTA-proximal-method-on-wavelets-transform

An Image Reconstructor that applies fast proximal gradient method (FISTA) to the wavelet transform of an image using L1 and Total Variation (TV) regularizations

Language: Python - Size: 2 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 0

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: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 1

jajokine/Genomics-and-High-Dimensional-Data

MITx - MicroMasters Program on Statistics and Data Science - Data Analysis: Statistical Modeling and Computation in Applications - Second Project

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

ivannz/l1_tf

A wrapper for L1 trend filtering via primal-dual algorithm by Kwangmoo Koh, Seung-Jean Kim, and Stephen Boyd

Language: C - Size: 40 KB - Last synced at: 4 months ago - Pushed at: almost 7 years ago - Stars: 2 - Forks: 2

DolbyUUU/regression_algorithm_implementation_python

regression algorithm implementaion from scratch with python (least-squares, regularized LS, L1-regularized LS, robust regression)

Language: Python - Size: 4.88 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

MoinDalvs/Different_types_Linear_Regressions

Language: Jupyter Notebook - Size: 276 KB - Last synced at: about 1 month ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

Arek-KesizAbnousi/LASSO-vs-SCAD-vs-MCP_Estimators

Comparing Three Penalized Least Squares Estimators: LASSO,SCAD and MCP.

Language: R - Size: 3.91 KB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

zhangyongheng78/Mathematical-Machine-Learning-Algorithm-Implementations

Mathematical machine learning algorithm implementations

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

federicoarenasl/Regularization-techniques-on-NNs

During this study we will explore the different regularisation methods that can be used to address the problem of overfitting in a given Neural Network architecture, using the balanced EMNIST dataset.

Language: Jupyter Notebook - Size: 5.1 MB - Last synced at: 5 months ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

giamuhammad/neuralnet_optimization_based_on_ga

Forecasting for AirQuality UCI dataset with Conjugate Gradient Artificial Neural Network based on Feature Selection L1 Regularized and Genetic Algorithm for Parameter Optimization

Language: Jupyter Notebook - Size: 2.2 MB - Last synced at: about 1 year ago - Pushed at: almost 7 years ago - Stars: 1 - Forks: 1

Manjurkreddy/EndtoendML

Using this ML file can anyone develop any machine learning alogitham in regression. almost 99.99 percent all regression models has been used. We need to pick the best machine learning algoritham using this file. Cheers Manju.

Language: Jupyter Notebook - Size: 446 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

saritha28/Logistic-Regression

Implementation of Logistic Regression with L1 Regularization from scratch

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

marcolagos/nba-dollar-win

How much is the NBA dollar worth in terms of team success?

Language: HTML - Size: 20.9 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

SakshithReddyChintala/Multiclass_logistics_classification_pipeline

Multiclass Logistic, Classification Pipeline, Cross Validation, Gradient Descent, Regularization

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

BenitaDiop/AnalysisOfCrimeInIndia

The dataset that I am performing this regression analysis on, comes from Kaggle, titled crimes In India. This dataset holds complete information about various aspects of crimes that have taken place in India in a 17 year span, from 2001 to 2018.

Language: R - Size: 1.41 MB - Last synced at: over 1 year ago - Pushed at: over 1 year 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 at: over 1 year ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

novaktim/oblivious_sketching_varreglogreg

This is the accompanying code repository for the ICLR 2023 publication "Almost Linear Constant-Factor Sketching for 𝓁₁ and Logistic Regression" by Alexander Munteanu, Simon Omlor and David P. Woodruff.

Language: Jupyter Notebook - Size: 3.83 MB - Last synced at: 20 days ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

jaiminjariwala/Linear_Regression_Project_Using_ElasticNet_N_GridSearchCV_-House_Price_Prediction-

Linear Regression Project from Udemy course 2022 Python for Machine Learning and Data Science Masterclass

Language: Jupyter Notebook - Size: 326 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

ayan-chattaraj/house_price_prediction

I executed this assignment for a US-based housing company named Surprise Housing, wherein a regression model with regularisation was used to predict the actual value of the prospective properties and decide whether to invest in them or not

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

aliyzd95/Optimization-and-Regularization-from-scratch

Implementation of optimization and regularization algorithms in deep neural networks from scratch

Language: Python - Size: 9.77 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

darshil2848/House-Price-Prediction

House Price Analysis and Sales Price Prediction

Language: Jupyter Notebook - Size: 7.32 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

kashishpandey/CS510-VideoGameAnalysis

Chapman University CS-510 Computing For Scientists Final Project

Language: R - Size: 26 MB - Last synced at: almost 2 years ago - Pushed at: over 3 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 at: over 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

devosmitachatterjee2018/Statistical_Learning_for_Big_Data_Report12062020

The project encompasses the statistical analysis of a high-dimensional data using different classification, feature selection, clustering and dimension reduction techniques.

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

jayenliao/Optimization-L1-regularization

This is a mid-term project of Optimization Methods, a course of Institute of Data Science, National Cheng Kung University. This project aimed to construct the linear regression with L1 regularization and the logistic regression with L1 regularization.

Language: Python - Size: 5.76 MB - Last synced at: about 1 year ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

nishanthbhat07/MachineLearning_Python

This repository is about machine learning algorithms

Language: Jupyter Notebook - Size: 11.9 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

mjjackey/Individual_CW_ML_Soton

2018-2019 Semester 1 at Soton, individual CW of ML

Language: Jupyter Notebook - Size: 6.78 MB - Last synced at: 10 months ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

mirzaipatrik/Lasso-regression

Regularized regression using a forest fire data set

Language: R - Size: 90.8 KB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

Related Topics
l2-regularization 17 lasso-regression 8 python 7 regularization 7 logistic-regression 6 linear-regression 5 machine-learning 5 data-science 5 ridge-regression 5 dropout 5 deep-learning 4 pytorch 4 regression 4 optimization 3 multiclass-logistic-regression 2 elastic-net-regression 2 kmeans-clustering 2 emnist 2 maxout-networks 2 numpy 2 overfitting 2 machine-learning-algorithms 2 lasso 2 deep-neural-networks 2 cnn 2 eda 2 predictive-modeling 2 lda 2 neural-networks 2 standardization 1 tsne 1 weight-pruning 1 artificial-neural-networks 1 fast-inference 1 conjugate-gradient-descent 1 regression-models 1 genetic-algorithm 1 forecasting 1 university-course 1 statistics 1 adagrad 1 adam 1 cifar 1 cifar-10 1 cifar10 1 gradient-descent 1 optimization-algorithms 1 regularization-methods 1 rmsprop 1 iclr 1 iclr2023 1 sampling 1 sketching 1 cross-validation 1 normalization 1 high-dimensional-statistics 1 portfolio-optimization 1 linear 1 polynomial-regression 1 basis-pursuit 1 compressive-sensing 1 convex-optimization 1 functional-programming 1 jax 1 linear-operators 1 sparse-bayesian-learning 1 sparse-linear-systems 1 sparse-representations 1 wavelets 1 dictionary-learning 1 least-squares 1 sparse-coding 1 non-linear-regression 1 crime 1 elasticnet 1 r 1 random-forest 1 women 1 correlation-analysis 1 feature-engineering 1 normaldistribution 1 regression-algorithms 1 bias-variance 1 l2regularization 1 maximum-likelihood-estimation 1 ordinary-least-squares 1 quantile-regression 1 robust-regresssion 1 cardinality-constraints 1 sklearn 1 rfe 1 exploratory-data-analysis 1 weight-of-evidence 1 logistic-regression-assumptions 1 information-value 1 standardscaler 1 seaborn-plots 1 preprocessing 1 pandas-dataframe 1 metrics 1