Ecosyste.ms: Repos

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

GitHub topics: cost-function

overtane/udacity-carnd-p11

Highway Path Planner

Language: C++ - Size: 3.78 MB - Last synced: about 1 month ago - Pushed: over 6 years ago - Stars: 2 - Forks: 6

pgrondein/scoring_model_financial_company

Scoring model for financial company - all files

Language: Python - Size: 156 KB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 0 - Forks: 2

nathanrooy/landscapes

A dependency free library of standardized optimization test functions written in pure Python.

Language: Python - Size: 1.81 MB - Last synced: 10 days ago - Pushed: 4 months ago - Stars: 51 - Forks: 11

rafaelvareto/maximal-entropy-loss

OpenLoss: This repository discloses cost functions designed for open-set classification tasks, namely, Entropic Open-set, ObjectoSphere and Maximal-Entropy Loss.

Language: Jupyter Notebook - Size: 2.72 MB - Last synced: 30 days ago - Pushed: 4 months ago - Stars: 2 - Forks: 1

zoom2manoj/linear_regression

Language: Jupyter Notebook - Size: 38.1 KB - Last synced: 3 months ago - Pushed: about 5 years ago - Stars: 0 - Forks: 0

yigitsener/machine-learning

Machine Learning

Language: Python - Size: 362 KB - Last synced: 4 months ago - Pushed: over 3 years ago - Stars: 2 - Forks: 6

lyprince/sdtw_pytorch

Implementation of soft dynamic time warping in pytorch

Language: Python - Size: 5.86 KB - Last synced: 7 months ago - Pushed: over 2 years ago - Stars: 97 - Forks: 10

chiapeilin/Neural-Network

The code of forward propagation , cost function , backpropagation and visualize the hidden layer.

Language: Jupyter Notebook - Size: 919 KB - Last synced: 8 months ago - Pushed: almost 6 years ago - Stars: 1 - Forks: 0

muhendis/yapaysiniraglari

Size: 1000 Bytes - Last synced: 8 months ago - Pushed: about 5 years ago - Stars: 1 - Forks: 0

kk289/ML-Regularized_Linear_Regression-Bias_Variance-MATLAB

Here, we implement regularized linear regression to predict the amount of water flowing out of a dam using the change of water level in a reservoir. In the next half, we go through some diagnostics of debugging learning algorithms and examine the effects of bias v.s. variance.

Language: MATLAB - Size: 2.32 MB - Last synced: 8 months ago - Pushed: almost 4 years ago - Stars: 2 - Forks: 0

kk289/ML-Multiclass_Classification_and_Neural_Network-MATLAB

Neural networks is a model inspired by how the brain works. It is widely used today in many applications: when your phone interprets and understand your voice commands, it is likely that a neural network is helping to understand your speech; when you cash a check, the machines that automatically read the digits also use neural networks.

Language: MATLAB - Size: 12.2 MB - Last synced: 8 months ago - Pushed: almost 4 years ago - Stars: 3 - Forks: 1

kk289/ML-Linear_Regression-MATLAB

Machine Learning Using MATLAB

Language: MATLAB - Size: 9.68 MB - Last synced: 8 months ago - Pushed: almost 4 years ago - Stars: 0 - Forks: 0

RajatDodwadkar/House_price_prediction_using_multivariate_linear_regression

Python code from scratch for predicting house prices using Multiple linear regression. Analyzing how cost function decreases with number of epochs. No inbuilt functions are used to implement the regression.

Language: Jupyter Notebook - Size: 700 KB - Last synced: 8 months ago - Pushed: about 2 years ago - Stars: 0 - Forks: 1

EriSilver/Stanford-machineLearning-EX4-HandwrittenDigitRecognition-minCostFx

Handwritten Digit Recognition - Neural Network - minimizing the cost function (Backpropagation) ---- OCTAVE ----- the exercise details are in ex4.pdf in the repo.

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

EriSilver/Stanford-machineLearning-EX2

With OCTAVE - details in ex2.pdf in the repo.

Language: MATLAB - Size: 254 KB - Last synced: 9 months ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

KhaledAshrafH/Logistic-Regression

This program implements logistic regression from scratch using the gradient descent algorithm in Python to predict whether customers will purchase a new car based on their age and salary.

Language: Python - Size: 9.77 KB - Last synced: 9 months ago - Pushed: 9 months ago - Stars: 1 - Forks: 0

IshantVeerbhan/Andrew-Ng-ML-Coursera

Andrew Ng Machine Learning Course Coursera

Language: Matlab - Size: 8.9 MB - Last synced: 9 months ago - Pushed: almost 7 years ago - Stars: 1 - Forks: 1

AndresGarciaEscalante/Path-Planning-Autonomous-Car

Implement a safe autonomous navigation in a simulated 3D environment full of cars. Apply concepts like prediction, finite state machines, behavior planning, and more.

Language: C++ - Size: 21 MB - Last synced: 9 months ago - Pushed: almost 4 years ago - Stars: 4 - Forks: 0

mhbashari/ml-minicourse

Presentations And Source Codes of My Machine Learning Mini Course

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

crosstherubicon/Implementation_of_Neural_Network

Implementing Neural Network on Irish data - evaluating accuracy, Mean Squared Error (MSE), Crossentropy and log-likelihood

Language: Python - Size: 2.12 MB - Last synced: 10 months ago - Pushed: almost 3 years ago - Stars: 0 - Forks: 0

crosstherubicon/Backprop_Hyper-parameters

Understanding hyperparameters of neural network architectures using 3 cost functions, 3 activation functions, 2 regularizations and dropout.

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

rambodazimi/Logistic-Regression

Language: Python - Size: 11.7 KB - Last synced: 12 months ago - Pushed: 12 months ago - Stars: 0 - Forks: 0

Marksman007577/Autonomous-Drive

Autonomous Vehicle modelling using MATLAB and Simulink

Language: MATLAB - Size: 4.69 MB - Last synced: about 1 year ago - Pushed: about 1 year ago - Stars: 40 - Forks: 14

SAhmadrezaAnaami/Simple-Linear-Regression

This Python repository contains an example of linear regression using a single independent variable to predict a continuous dependent variable. It includes code for importing and preprocessing the data, fitting the model, and evaluating its performance. The repo also includes plots of the fitted models and analysis of the results.

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

mohadeseh-ghafoori/Coursera-Machine-Learning-Specialization

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

alpsayin/genetic-algorithm-matlab

A very simple Genetic Algorithm implementation for matlab, easy to use, easy to modify runs fast.

Language: MATLAB - Size: 43 KB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 26 - Forks: 10

andreabasiliorava/QAOA_MaxCut_1_level_classical_optimization

Repository for the Software and Computing for Applied Physics Project

Language: Python - Size: 511 KB - Last synced: 11 months ago - Pushed: about 3 years ago - Stars: 1 - Forks: 0

mixed-farming/Univariate-Linear-Regression

Implementing the gradient descent algorithm from scratch to perform univariate linear regression.

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

JuzerShakir/Linear_Regression

A Mathematical Intuition behind Linear Regression Algorithm

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

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

Azeemaj101/Deep-Learning-Math-Concepts

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

mynkpl1998/Machine-Learning-Sebastian-Notes

Chapter Wise Notes and codes of Book "Python Machine Learning by Sebestian Raschka".

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

bconsolvo/ml-course-andrew-ng

Machine learning code: linear regression and logistic regression

Language: MATLAB - Size: 704 KB - Last synced: 11 months ago - Pushed: almost 2 years ago - Stars: 1 - Forks: 0

trajkd/Highway-Driving

Highway Driving (project 7 of 9 from Udacity Self-Driving Car Engineer Nanodegree)

Language: C++ - Size: 2.87 MB - Last synced: about 1 year ago - Pushed: almost 4 years ago - Stars: 2 - Forks: 1

pjmateus/monte-carlo-annealing

Monte-Carlo search for the minimum of the multidimensional "cost" function

Language: Python - Size: 74.2 KB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 1 - Forks: 1

SabirKhanAkash/Machine-Learning-by-Andrew-Ng

All my codes from 'Machine Learning' course by Andrew Ng offered by Coursera

Language: MATLAB - Size: 85.2 MB - Last synced: about 1 year ago - Pushed: almost 3 years ago - Stars: 1 - Forks: 0

nishi1612/Machine-Learning

This repository consists of Lab Assignments for course Machine Learning.

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

unstableV/machine-learning-housing-price

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

Rohit-Kundu/Cell-Tracker

Official Implementation of our paper on Cell Tracker Algorithm for NPC Cell maturation profile understanding.

Language: MATLAB - Size: 213 KB - Last synced: about 1 year ago - Pushed: almost 3 years ago - Stars: 1 - Forks: 0

ChristinaAndrinopoyloy/Clustering_on_Hyperspectral_Image

Project for "Clustering" Master course of Data Science and Information Technologies (DSIT)

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

purvilmehta06/Machin-Learning

This repository contains the lab work of the course Machine Learning (IE 406).

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

cheretka/PacMan_Projects

Implement DFS, BFS, UCS, and A* algorithms && minimax and expectimax algorithms, as well as designing evaluation functions

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

mehboobali98/Univariate-Linear-Regression

Linear Regression is implemented to identify the relationship between the profit of a bakery and the population of different cities. The main objective is to find the next city in which a new outlet should be opened.

Language: Jupyter Notebook - Size: 313 KB - Last synced: 11 months ago - Pushed: almost 3 years ago - Stars: 0 - Forks: 0

baro77/quadratic_influence

Support repository for article "Quadratic Payments with constrained probabilities"

Language: TeX - Size: 76.8 MB - Last synced: about 1 year ago - Pushed: about 3 years ago - Stars: 0 - Forks: 0

TobiAdeniyi/dence-neural-net-library

Creating a Neural Network Library from scratch utilising my Mathematics background along with content covered in Andrew Ng's Deep Learning course

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

dmancilla85/octave-ml-stanford-ng

Exercises submitted in the course Machine Learning by Andrew NG - Stanford University.

Language: MATLAB - Size: 10.4 MB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

keshav-narasimhan/Stanford-Machine-Learning

Language: MATLAB - Size: 20.9 MB - Last synced: about 1 year ago - Pushed: almost 4 years ago - Stars: 0 - Forks: 0

Kiku-Reise/calfur

🧮 Calculate Cost Furniture, Windows and Doors

Language: TypeScript - Size: 322 KB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 1 - Forks: 0

laurauzcategui/machine-learning-coursera

Machine Learning from Coursera: https://www.coursera.org/learn/machine-learning/home/welcome

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

eonu/minimizers

Comparison of gradient-based coordinate descent and gradient descent on continuous bivariate functions.

Language: R - Size: 8.73 MB - Last synced: about 1 year ago - Pushed: over 4 years ago - Stars: 1 - Forks: 0

kobol11/InvoiceTotal

This solution calculates the total cost after applying appropriate discount.

Language: C# - Size: 14.6 KB - Last synced: 11 months ago - Pushed: over 5 years ago - Stars: 0 - Forks: 1

pvigier/preprocessings

Demo for the part 2 of the tutorial on pychain

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

Related Keywords
cost-function 52 gradient-descent 17 machine-learning 17 linear-regression 14 logistic-regression 11 python 8 matlab 7 octave 6 regularization 6 deep-learning 6 machine-learning-algorithms 4 optimization 4 neural-network 4 classification 4 stochastic-gradient-descent 3 regression 3 bias-variance 3 decision-boundary 3 supervised-learning 3 mse 3 activation-functions 3 cost-optimization 3 behavior-planning 3 cost-estimation 3 backpropagation 2 numpy 2 matplotlib 2 unsupervised-learning 2 multiple-linear-regression 2 loss-functions 2 prediction 2 logarithmic-regression 2 sklearn 2 self-driving-car 2 multiclass-classification 2 vector 2 neural-networks 2 regularized-linear-regression 2 c-plus-plus 2 jupyter-notebook 2 feedforward-neural-network 2 sigmoid-function 2 irish-data 2 learning-curve 2 mean-normalization 2 feature-scaling 2 preprocessing 2 polynomial-regression 2 a-star 2 face-recognition 2 data-visualization 2 gradient-descent-implementation 2 univariate-linear-regression 2 algorithm 2 hypothesis 2 path-planning 2 frenet-coordinate 1 frenet 1 optimisation 1 model-based 1 motion-planning 1 motion-planning-algorithms 1 multimodal 1 naive-bayes 1 invoice 1 optimal-path 1 prediction-model 1 process-models 1 search 1 search-algorithm 1 annealing 1 minimum 1 monte-carlo 1 optimisation-algorithms 1 graphs 1 maxcut 1 qaoa 1 qubits 1 qutip 1 convergence 1 house-price-prediction 1 linear-algebra 1 linear-equations 1 matrices 1 mean-square-error 1 multivariate-regression 1 partial-derivative 1 univariate-regressions 1 logarithms 1 logistic-function 1 overfitting 1 probability 1 regularized-logistic-regression 1 mathematics 1 visualization 1 perceptron 1 conjugate-gradient 1 data-driven-model 1 expansion 1 finite-state-machine 1