Topic: "newton-method"
rfeinman/pytorch-minimize
Newton and Quasi-Newton optimization with PyTorch
Language: Python - Size: 260 KB - Last synced at: 9 days ago - Pushed at: about 1 year ago - Stars: 341 - Forks: 37

cvanaret/Uno
A next-gen Lagrange-Newton (SQP + barrier) solver for nonconvex constrained optimization
Language: C++ - Size: 44.7 MB - Last synced at: about 19 hours ago - Pushed at: about 20 hours ago - Stars: 326 - Forks: 26

SciML/NonlinearSolve.jl
High-performance and differentiation-enabled nonlinear solvers (Newton methods), bracketed rootfinding (bisection, Falsi), with sparsity and Newton-Krylov support.
Language: Julia - Size: 34 MB - Last synced at: about 18 hours ago - Pushed at: 2 days ago - Stars: 261 - Forks: 48

je-suis-tm/machine-learning
Python machine learning applications in image processing, recommender system, matrix completion, netflix problem and algorithm implementations including Co-clustering, Funk SVD, SVD++, Non-negative Matrix Factorization, Koren Neighborhood Model, Koren Integrated Model, Dawid-Skene, Platt-Burges, Expectation Maximization, Factor Analysis, ISTA, FISTA, ADMM, Gaussian Mixture Model, OPTICS, DBSCAN, Random Forest, Decision Tree, Support Vector Machine, Independent Component Analysis, Latent Semantic Indexing, Principal Component Analysis, Singular Value Decomposition, K Nearest Neighbors, K Means, Naïve Bayes Mixture Model, Gaussian Discriminant Analysis, Newton Method, Coordinate Descent, Gradient Descent, Elastic Net Regression, Ridge Regression, Lasso Regression, Least Squares, Logistic Regression, Linear Regression
Language: Jupyter Notebook - Size: 7.84 MB - Last synced at: 12 days ago - Pushed at: over 2 years ago - Stars: 234 - Forks: 51

alordash/newton-fractal
Drawing Newton's fractal using pure js, rust-wasm, SIMDs, threads and GPU
Language: TypeScript - Size: 834 KB - Last synced at: 20 days ago - Pushed at: almost 3 years ago - Stars: 105 - Forks: 3

bamtak/machine-learning-implemetation-python
Basic Machine Learning implementation with python
Language: Jupyter Notebook - Size: 2.67 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 63 - Forks: 48

tomoleary/hessianlearn
Hessian-based stochastic optimization in TensorFlow and keras
Language: Python - Size: 4.21 MB - Last synced at: about 1 year ago - Pushed at: about 3 years ago - Stars: 28 - Forks: 3

OPTAMI/OPTAMI
This package is dedicated to high-order optimization methods. All the methods can be used similarly to standard PyTorch optimizers.
Language: Python - Size: 1.56 MB - Last synced at: 7 days ago - Pushed at: 3 months ago - Stars: 22 - Forks: 6

gianlucadetommaso/Stein-variational-samplers
Python and MATLAB code for Stein Variational sampling methods
Language: Jupyter Notebook - Size: 5.75 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 21 - Forks: 3

alwaysbyx/Optimization-and-Search
Implementation and visualization (some demos) of search and optimization algorithms.
Language: Python - Size: 79.1 MB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 15 - Forks: 2

AlexeyShpavda/NumericalAnalysisMethods
If you find any errors in the work of algorithms, you can fix them by creating a pull request
Language: C# - Size: 549 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 9 - Forks: 3

gha3mi/forsolver
ForSolver - linear and nonlinear solvers
Language: Fortran - Size: 886 KB - Last synced at: 22 days ago - Pushed at: about 1 year ago - Stars: 8 - Forks: 3

girafe-ai/msai-optimization
Optimization course for MSAI at MIPT
Language: Jupyter Notebook - Size: 54.2 MB - Last synced at: 11 days ago - Pushed at: over 2 years ago - Stars: 8 - Forks: 5

Chris00/root1d
Collection of functions to find roots of functions float → float. Pure OCaml code.
Language: OCaml - Size: 67.4 KB - Last synced at: 16 days ago - Pushed at: over 3 years ago - Stars: 7 - Forks: 0

tomoleary/MatrixFreeNewton.jl
Prototyping of matrix free Newton methods in Julia
Language: Julia - Size: 96.7 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 7 - Forks: 0

aliiimaher/Numerical-Analysis
This is a Numerical Analysis course project, implementing numerical analysis methods.
Language: MATLAB - Size: 2.16 MB - Last synced at: 18 days ago - Pushed at: over 1 year ago - Stars: 6 - Forks: 0

mihonen/polynomials
Polynomial essentials for Golang including real root isolation, complex root solving methods, root bounds, and derivatives.
Language: Go - Size: 81.1 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 4 - Forks: 3

SanketSarmalkar/Numerical_Methods
C++11 implementation of numerical algorithms described in Numerical Analysis by Richard L. Burden and J. Douglas Faires
Language: C++ - Size: 14.2 MB - Last synced at: 12 months ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 1

dahyun-kang/newoptpy
Newton’s second-order optimization methods in python
Language: Python - Size: 21.1 MB - Last synced at: 9 days ago - Pushed at: almost 3 years ago - Stars: 4 - Forks: 0

dreamchef/numerical-analysis-methods
Collection of methods for numerical analysis and scientific computing, including numerical root-finders, numerical integration, linear algebra, and data visualization. Created for APPM4600 at CU Boulder.
Language: Jupyter Notebook - Size: 8.21 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 3 - Forks: 1

mrsamsami/Convex-Optimization
Implementation and analysis of convex optimization algorithms
Language: Jupyter Notebook - Size: 3.77 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 1

1997alireza/Optimization
Optimization course assignments under the supervision of Dr. Maryam Amirmazlaghani
Language: Jupyter Notebook - Size: 366 KB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 3 - Forks: 3

mk314k/Polynomial
A Python Implementation of Polynomials and algorithms associated with it
Language: Jupyter Notebook - Size: 230 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 2 - Forks: 0

rkolovanov/computing-mathematics 📦
Моделирование различных динамических процессов с использованием методов вычислительной математики
Language: Jupyter Notebook - Size: 826 KB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

MagiFeeney/MagiOPT
A Unified Pytorch Optimizer for Numerical Optimization
Language: Python - Size: 4.39 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 3

milescb/algebraic_geometry_projects
Projects from MATH 555, Computational Algebraic Geometry taken Fall of 2021
Language: Julia - Size: 23.9 MB - Last synced at: about 1 month ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 0

huncut2016/newton-fractal
Newton fractal in openframeworks, with shaders. (inspired by: 3b1b)
Language: C++ - Size: 4.88 KB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

ishan-gupt/Optimization-Techniques
Optimization Techniques Lab Dump
Language: MATLAB - Size: 4.88 KB - Last synced at: about 1 year ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 1

RPGupta30/Unconstrained_Minimization_Algorithms
Implementation of Unconstrained minimization algorithms. These are listed below:
Language: Python - Size: 19.5 KB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 1

3approx4/Numerical-Methods
Numerical methods algorithms implementation
Language: C# - Size: 88.9 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 0

fuodorov/computational-physics
Solving problems from the course on the basics of computational physics
Language: Jupyter Notebook - Size: 1.53 MB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 1 - Forks: 2

BaranovSerV/mathmod
Библиотека Python для численного моделирования
Language: Python - Size: 6.88 MB - Last synced at: 27 days ago - Pushed at: 27 days ago - Stars: 1 - Forks: 0

NiMlr/pynlqn
Global Optmization with Gradients: Python implementation of an experimental non-local Newton method
Language: Python - Size: 10.7 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

andydevs/fractool
Generic fractal image generator
Language: C++ - Size: 1.12 MB - Last synced at: about 2 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

LeosEquation/SSFC2024
Simulaciones numéricas en módelos de ecuaciones diferenciales
Language: Julia - Size: 5.87 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

mehdimhb/optimization
a Python implementation of various optimization methods for functions using Streamlit.
Language: Python - Size: 195 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

amazon-science/krylov-cubic-regularized-newton
Code for the AISTATS 2024 paper: "Krylov Cubic Regularized Newton: A Subspace Second-Order Method with Dimension-Free Convergence Rate".
Language: Python - Size: 19.5 KB - Last synced at: about 2 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 1

fedPa1/Optimization-Algorithms
Implementation of optimization algorithms in python including: Armijo rule , Conjugated direction , Conjugated gradient , Gradient method , Globally Convergent Newton Method , Quasi Newton Method , Compass Search Method
Language: Python - Size: 133 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

reshalfahsi/neuralnetwork
Implementation of Artificial Neural Network Algorithm
Language: Jupyter Notebook - Size: 36.1 MB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 1

Francesco-Zeno-Costanzo/Root-finding
simple code to solve algebraic equation and system of equations
Language: Python - Size: 43.9 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

RockfordWei/NewtonRaphson
A Swift Library for Newton Raphson Method
Language: Swift - Size: 7.81 KB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 1

thapa-jeevan/Optimization
Project II from CISC.820.01 - Quantitative Foundations
Language: Python - Size: 1.71 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

alessandropier/Calcolo-Numerico-21-22
Language: MATLAB - Size: 196 KB - Last synced at: about 1 year ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

YanDRMachado/Linear-Multistep-Methods_Solver
Linear Multistep Method code written in MATLAB for numerical approximations of ODEs.
Language: MATLAB - Size: 417 KB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

adammaj1/Describe-iterated-map-
Describe iterated map
Language: C++ - Size: 53.7 KB - Last synced at: about 1 year ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

faezehabibi66/Regression
Linear Regression
Size: 17.6 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

nathsou/fractals
Interactive Newton fractals renderer in WebGL
Language: TypeScript - Size: 4.7 MB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

Vedant2311/Numerical-Algorithms-Assignments
Compilation of the assignments of the course of COL726: Numerical Algorithms (Spring 2021) and their solutions
Language: Python - Size: 19.2 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

afduquebr/Motorbike-Great-Jump
Este repositorio contiene los archivos que crean una interfaz gráfica para el simulador de un movimiento parabólico amortiguado.
Language: Python - Size: 3.09 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

akhteramin/machine-learning
Linear Regression and Feature Engineering, Implementation of Gradient Descent, Sub-gradient Descent, Newton Method, Quasi-Newton Method, LBFGS, Determinig Confidence Interval from Bernouli, Uniform and Normal Distribution,Dimensionality Reduction and Classification.
Language: MATLAB - Size: 55.3 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

Baha2rM98/Nonlinear_Optimization_Project
Nonlinear optimization course's project is about iterative methods due to finding an optimal point for a function in Rn.
Language: Python - Size: 19.5 KB - Last synced at: 15 days ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

LeTrongDat/newton-method
In numerical analysis, Newton's method, also known as the Newton–Raphson method, named after Isaac Newton and Joseph Raphson, is a root-finding algorithm which produces successively better approximations to the roots (or zeroes) of a real-valued function.
Language: Python - Size: 1.3 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

MingaudasVagonis/reduced-gradient-ellipsoid
Calculating the maximum semi-ellipsoid volume using Reduced Gradient Descent method with total surface area given as a constraint.
Language: MATLAB - Size: 162 KB - Last synced at: about 1 year ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

Paul2708/mips-newton-method
An iterative Newton's method implementation in MIPS assembly.
Language: Assembly - Size: 3.91 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

EduardBargues/NonLinearEquationSolver
Solver for unidimensional non linear equations. Implements Bisection, Secant and Newton-Raphson methods.
Language: C# - Size: 7.81 KB - Last synced at: 4 days ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

fabianokafor369/Approximation-methods
Matlab implementations of approximation of solutions to nonlinear functions
Language: Matlab - Size: 1.95 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

jahani/FourierSeriesCoefficients
Numerical Fourier Series Coefficients Calculation in MATLAB (GUI)
Language: Matlab - Size: 813 KB - Last synced at: about 1 year ago - Pushed at: over 9 years ago - Stars: 1 - Forks: 1

Pit1000/optimization-problems
🚀 A Python repository showcasing optimization techniques for Machine Learning including LP, Newton's methods, LASSO, and convex optimization. 📈🐍
Language: Python - Size: 303 KB - Last synced at: 22 days ago - Pushed at: 22 days ago - Stars: 0 - Forks: 0

tsmith023/phd-review
A WIP library of algorithms and methods developed for the parallel solution of various Kronig-Penney models
Language: Rust - Size: 93.8 KB - Last synced at: 20 days ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

lonewanderer27/js5
JS5 is a comprehensive suite of numerical methods tools developed as a requirement for the Numerical Analysis subject. This project consists of four distinct applications, each designed to tackle a specific numerical analysis problem.
Language: TypeScript - Size: 5.65 MB - Last synced at: 26 days ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

ostad-ai/Optimization
Optimization includes a class of methods to find global or local optima for discrete or continuous objectives; from evolutionary-based algorithms to swarm-based ones.
Language: Jupyter Notebook - Size: 1.11 MB - Last synced at: about 1 month ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

antunesluis/newton-and-gradient-descent-solver
This project is a graphical calculator for solving equations using the Newton Method and finding function minima using the Gradient Descent algorithm, utilizing PySide6, SymPy, and Matplotlib.
Language: Python - Size: 553 KB - Last synced at: about 2 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

Fatemeh-ameri/Nonlinear-Optimization
Language: Jupyter Notebook - Size: 152 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

rkolovanov/multidim-optimization 📦
Multidimensional optimization methods with using derivative of the objective function
Language: Python - Size: 23.4 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

SanketSarmalkar/Numericals
This Flutter app is a comprehensive numerical toolbox implementing various algorithms and methods
Size: 11.9 MB - Last synced at: 12 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

without-eyes/Newton
C++ implementation of the Newton method
Language: C++ - Size: 1000 Bytes - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

nickklos10/cot-4500-Pro1
Application of four different numerical methods to compute the square root of 2
Language: Python - Size: 9.77 KB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

TheGreatRico/optimization-problem
C++ program implementing numerical methods to solve optimization problem
Language: C++ - Size: 15.6 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

ylefay/qp
Barrier methods for quadratic programs, project done as part of the course on Convex Optimization by Alexandre d'Aspremont. Written in JAX.
Language: Python - Size: 23 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

SajedehHedayat/Optimization
Exercises Zak's book with Python
Language: Jupyter Notebook - Size: 132 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

karanprasadgupta/Convex_Optimization_Using_Gradient-Newton-Descent-Algos
This repository contains the implementation of convex optimization algorithms using gradient descent and Newton's method in Python. These algorithms can be used to solve optimization problems involving convex functions efficiently.
Language: Jupyter Notebook - Size: 184 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

IvanKarpovich/brusselator-bvp
Boundary value problem for brusselator. Time independent solution.
Language: Jupyter Notebook - Size: 502 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

Shazam-19/Equalver
Advanced Mathematical Equations Calculator with Friendly GUI
Language: Jupyter Notebook - Size: 10.2 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

guirafael/MS211H-projeto1
Este projeto tem o propósito de aplicar e analisar o método de Newton para resolver equações. Disciplina MS211 - Unicamp.
Language: Python - Size: 250 KB - Last synced at: 9 months ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

Wrg1t/NewtonApproximationOfPi
Using Issac Newton's method to approximate the value of Pi.
Language: Python - Size: 4.88 KB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

adammaj1/multiplier
Multiplier of periodic points for complex quadratic polynomial
Language: C - Size: 37.1 KB - Last synced at: about 1 year ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

thomasrodland/TMA4215-Numerisk-Matematikk
In these notebooks we do some exploration with Newton iteration with nonlinear equations and Bezier Curves
Language: Jupyter Notebook - Size: 848 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

faridko26/Numerical-Analysis
Numerical analysis methods in Python
Language: Python - Size: 21.5 KB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

yeldmitrenko/numeric-methods-labs
Numeric methods laboratory works
Language: Python - Size: 10.7 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

roberlozcar/Fractal_Creator
Fractal creator using the Newton-Raphson method to the roots of a polynomial.
Language: C++ - Size: 6.79 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Achint08/root-finding-numerica
Root finding implemented using secant, bisection, newton method and calculating roots using sympy
Language: Jupyter Notebook - Size: 525 KB - Last synced at: 29 days ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 1

Claptar/spitzer-conductivity
Computational solution of spitzer-conductivity problem
Language: Jupyter Notebook - Size: 29.8 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

ion-bueno/nonlinear-optimization-ridge-regression
Nonlinear optimization algorithms minimizing a Ridge regression.
Language: Jupyter Notebook - Size: 97.7 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

KennethBenicio/Msc-Filtragem-Adaptativa
Atividades desenvolvidas ao longo da disciplina de Filtragem Adaptativa ofertada pelo Programa de Pós-Graduação em Engenharia de Teleinformática (PPGETI).
Language: HTML - Size: 18.8 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

LinusLinusDev/CppMaths
Gradient method, Newton method, Euler and Heun method, discrete Fourier transform and Monte Carlo simulation in C++
Language: C++ - Size: 36.7 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

nuraln/cpp-polynomialEquationMethod
A method for calculating the roots of a polynomial equation
Language: C++ - Size: 1.07 MB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

akotronis/QualityControl
HRH Quality Control app
Language: Python - Size: 3.25 MB - Last synced at: 12 days ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

Alex-Verg/CM_Laba_1
Task for University. Subject is Projecting and analys of algorythm. Laba 1 "Sort". Variant 7. Task:
Language: Python - Size: 4.88 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

vatsalagrawal6991/Newton-Method-for-roots-finding
Newton Method for root finding with proof and time analysis
Language: Haskell - Size: 8.79 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

gabri-aero/analisis-numerico
Implementación de métodos numéricos para Física Computacional II
Language: Jupyter Notebook - Size: 21.5 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

paulinho-16/MIEIC-MNUM
Todo o conteúdo produzido para a unidade curricular MNUM (Métodos Numéricos), para o curso em Engenharia Informática e Computação na FEUP
Language: C++ - Size: 35.2 KB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

adammaj1/periodic-points-of-complex-quadratic-polynomial-using-newton-method
How to find numerically all roots of a polynomial, especially the complex ones, by using the Newton-Raphson Method
Language: C - Size: 1.75 MB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

archaic-magnon/Machine-Learning
Implemented various machine learning algorithms from scratch.
Language: Jupyter Notebook - Size: 4.11 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

skiliton/newton-methods-demo
Demo for a bunch of Newton's methods
Language: Java - Size: 6.84 KB - Last synced at: 20 days ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

devosmitachatterjee2018/Nonlinear_Optimisation
The project involves a practical optimization problem that is modelled and solved using some mathematical optimization methods and software.
Size: 465 KB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

erfanloghmani/Convex-Optimization-Project
Project definition and implementations for Convex Optimization Course
Language: HTML - Size: 4.94 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

ELC/newton-method-multi-variable
The 2 Variable generalization of the Newton Raphson Method
Language: HTML - Size: 380 KB - Last synced at: 14 days ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

ELC/systems-optimization-methods
A interactive visualization of several optimization methods
Language: HTML - Size: 532 KB - Last synced at: 14 days ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

NoahWong96/Masters-Thesis
Dynamics of Newton's Method for a Nonanalytical Perturbation on a Complex Quadratic Function
Language: Python - Size: 15.6 MB - Last synced at: 5 months ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

albert-espin/integrals
Numerical Quadrature Methods for Integral Calculation
Language: C - Size: 11.7 KB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0
