GitHub topics: eigenvalues
Minard-Jules/NAFPack
Numerical Analysis in Fortran Package
Language: Fortran - Size: 2.67 MB - Last synced at: about 6 hours ago - Pushed at: about 7 hours ago - Stars: 2 - Forks: 0

Jutho/KrylovKit.jl
Krylov methods for linear problems, eigenvalues, singular values and matrix functions
Language: Julia - Size: 2.44 MB - Last synced at: about 6 hours ago - Pushed at: about 7 hours ago - Stars: 364 - Forks: 46

emersong5/DeltaProduct
DeltaProduct enhances state-tracking in linear RNNs through Householder products, improving both efficiency and expressivity. Explore our experiments and contribute to the ongoing development in the [flash-linear-attention](https://github.com/fla-org/flash-linear-attention) project! 🐙✨
Size: 1.95 KB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 0 - Forks: 0

automl/DeltaProduct
DeltaProduct is a new linear recurrent neural network architecture that uses products of generalized Householder matrices as state-transition matrices enabling better expressivity, state-tracking, and language modeling performance than DeltaNet.
Language: Python - Size: 927 KB - Last synced at: 4 days ago - Pushed at: 5 days ago - Stars: 1 - Forks: 0

Abdulbasii/spectra
A Next.js application demonstrating custom authentication using sessions, CSRF protection, and email verification.
Size: 1000 Bytes - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 0 - Forks: 0

yixuan/spectra
A header-only C++ library for large scale eigenvalue problems
Language: C++ - Size: 33.3 MB - Last synced at: about 20 hours ago - Pushed at: 5 months ago - Stars: 782 - Forks: 133

Reference-LAPACK/lapack
LAPACK development repository
Language: Fortran - Size: 32.6 MB - Last synced at: 8 days ago - Pushed at: 9 days ago - Stars: 1,645 - Forks: 465

34j/ss-hankel
Derivative-free method to find zeros of analytic (holomorphic) functions / solve nonlinear (polynomial / generalized) eigenvalue problems using contour integration. (Block SS-Hankel method, Block Sakurai Sugiura method)
Language: Python - Size: 148 KB - Last synced at: 6 days ago - Pushed at: 7 days ago - Stars: 1 - Forks: 0

tradytics/eiten
Statistical and Algorithmic Investing Strategies for Everyone
Language: Python - Size: 647 KB - Last synced at: 11 days ago - Pushed at: almost 3 years ago - Stars: 2,977 - Forks: 357

venovako/FLAPWxHZ
The Hari-Zimmermann complex generalized hyperbolic SVD and EVD.
Language: Fortran - Size: 385 KB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 1 - Forks: 0

weijie-chen/Linear-Algebra-With-Python
Lecture Notes for Linear Algebra Featuring Python. This series of lecture notes will walk you through all the must-know concepts that set the foundation of data science or advanced quantitative skillsets. Suitable for statistician/econometrician, quantitative analysts, data scientists and etc. to quickly refresh the linear algebra with the assistance of Python computation and visualization.
Language: Jupyter Notebook - Size: 19.6 MB - Last synced at: 11 days ago - Pushed at: 9 months ago - Stars: 2,428 - Forks: 589

Li-Jesse-Jiaze/hermitian-eigensolver
A header-only C++ eigensolver of dense Hermitian matrices using Householder QR.
Language: C++ - Size: 677 KB - Last synced at: 14 days ago - Pushed at: 14 days ago - Stars: 1 - Forks: 0

cpmech/russell
Rust Scientific Libary. ODE and DAE (Runge-Kutta) solvers. Special functions (Bessel, Elliptic, Beta, Gamma, Erf). Linear algebra. Sparse solvers (MUMPS, UMFPACK). Probability distributions. Tensor calculus.
Language: Rust - Size: 7.59 MB - Last synced at: 15 days ago - Pushed at: 18 days ago - Stars: 149 - Forks: 12

lorenzotomada/devtools_scicomp_project_2025
Documentation available at: see the link below
Size: 315 KB - Last synced at: about 8 hours ago - Pushed at: about 9 hours ago - Stars: 0 - Forks: 0

zaltac/NumMethodsWPseudoCodes
NUMERICAL METHODS FOR SCIENTIST AND ENGINEERS With Pseudocodes
Language: Mathematica - Size: 19.2 MB - Last synced at: 20 days ago - Pushed at: 20 days ago - Stars: 1 - Forks: 0

cpmech/gosl
Linear algebra, eigenvalues, FFT, Bessel, elliptic, orthogonal polys, geometry, NURBS, numerical quadrature, 3D transfinite interpolation, random numbers, Mersenne twister, probability distributions, optimisation, differential equations.
Language: Go - Size: 29.7 MB - Last synced at: 19 days ago - Pushed at: 2 months ago - Stars: 1,853 - Forks: 146

tapassahoo/exact-diagonalization
Language: C++ - Size: 163 MB - Last synced at: 26 days ago - Pushed at: 26 days ago - Stars: 0 - Forks: 0

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

CSFelix/nlp-2.0-linear-algebra
💬 Basics of Vectors
Language: Jupyter Notebook - Size: 3.42 MB - Last synced at: 8 days ago - Pushed at: 2 months ago - Stars: 2 - Forks: 0

RalphAS/GenericSchur.jl
Julia package for Schur decomposition of matrices with generic element types
Language: Julia - Size: 392 KB - Last synced at: 20 days ago - Pushed at: about 2 months ago - Stars: 31 - Forks: 4

JuliaLinearAlgebra/ArnoldiMethod.jl
The Arnoldi Method with Krylov-Schur restart, natively in Julia.
Language: Julia - Size: 568 KB - Last synced at: 7 days ago - Pushed at: about 1 year ago - Stars: 107 - Forks: 18

seansiddens/BohemianMatrices
Visualizing the distribution of complex eigenvalues of random matrices.
Language: Python - Size: 9.77 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 7 - Forks: 0

jacobwilliams/polyroots-fortran
Modern Fortran library for finding the roots of real and complex polynomial equations
Language: Fortran - Size: 2.57 MB - Last synced at: 17 days ago - Pushed at: 5 months ago - Stars: 25 - Forks: 5

jchristopherson/linalg
A linear algebra library that provides a user-friendly interface to several BLAS and LAPACK routines.
Language: Fortran - Size: 11.1 MB - Last synced at: 4 days ago - Pushed at: 5 months ago - Stars: 23 - Forks: 2

oxfordcontrol/TRS.jl
Solving the Trust Region Subproblem as an Eigenproblem in Julia
Language: Julia - Size: 55.7 KB - Last synced at: 6 days ago - Pushed at: over 3 years ago - Stars: 23 - Forks: 7

SLICOT/SLICOT-Reference
SLICOT - A Fortran subroutines library for systems and control
Language: Fortran - Size: 4.84 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 58 - Forks: 24

fkatsimalis/AMORe-CMS
AMORe-CMS (Automatic Model Order Reduction using Component Mode Syntesis) is MATLAB software that automatically performs physics-based model order reduction using component mode synthesis (CMS) on structural FE models made in COMSOL Multiphysics.
Language: MATLAB - Size: 1020 KB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 17 - Forks: 4

andreasvarga/MatrixPencils.jl
Matrix pencil manipulations using Julia
Language: Julia - Size: 2.34 MB - Last synced at: about 1 month ago - Pushed at: 2 months ago - Stars: 21 - Forks: 4

acubeLab/green-lossless-spmv
This project focuses on lossless compression techniques optimizing space, time, and energy for multiplications between binary (or ternary) matrix formats and real-valued vectors.
Language: Python - Size: 7.9 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

ocramz/sparse-linear-algebra
Numerical computation in native Haskell
Language: Haskell - Size: 866 KB - Last synced at: about 1 month ago - Pushed at: almost 5 years ago - Stars: 91 - Forks: 10

RBLXx/nlp-2.0-linear-algebra
💬 Basics of Vectors
Language: Jupyter Notebook - Size: 2.56 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

purabshingvi1011/FaceRecog
A Python-based facial recognition system using the Eigenfaces algorithm.
Language: Jupyter Notebook - Size: 4.34 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

nep-pack/NonlinearEigenproblems.jl
Nonlinear eigenvalue problems in Julia: Iterative methods and benchmarks
Language: Julia - Size: 21.3 MB - Last synced at: 17 days ago - Pushed at: over 1 year ago - Stars: 94 - Forks: 15

vlang/vsl
V library to develop Artificial Intelligence and High-Performance Scientific Computations
Language: V - Size: 11.4 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 368 - Forks: 46

drnikolaev/cvmlib
CVM Class Library
Language: C++ - Size: 191 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 8 - Forks: 2

ahm4dd/Matrix-operations
A program to perform matrix operations such as finding the (Inverse, Determinant, Transpose, Eigen Values and Vectors) of a matrix, solving linear equations, and more.
Language: Python - Size: 11.7 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

Beliavsky/Burkardt-Fortran-90-codes
John Burkardt's Fortran 90 codes and documentation
Language: Fortran - Size: 35.3 MB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 24 - Forks: 1

Beliavsky/Burkardt-Fortran-90
Classification of John Burkardt's many Fortran 90 codes
Size: 29.9 MB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 46 - Forks: 10

magnushelliesen/monte-carlo-simulator
Notebook that implements a class that performs Monte Carlo simulations for a number of timeseries that may co-vary.
Language: Jupyter Notebook - Size: 15.4 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

Samson-Mano/Spherical_harmonics
Spherical Harmonics project is dedicated to the study of special functions defined on the surface of a sphere. This tool facilitates visualization of mode shapes and enables the analysis of pulse and harmonic responses on the sphere's surface to external loads. Developed using C++17/ modern OpenGL
Language: C++ - Size: 43.9 MB - Last synced at: 19 days ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

yixuan/RSpectra
R Interface to the Spectra Library for Large Scale Eigenvalue and SVD Problems
Language: C++ - Size: 354 KB - Last synced at: about 20 hours ago - Pushed at: 11 months ago - Stars: 81 - Forks: 12

ekremekc/helmholtz-x
helmholtz-x
Language: Python - Size: 276 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 2 - Forks: 0

iBz-04/Eigenv
Algorithm for finding the dominant eigenvalue and the corresponding eigenvector of a given n x n matrix - Power method
Language: C - Size: 8.79 KB - Last synced at: 2 months ago - Pushed at: 6 months ago - Stars: 2 - Forks: 0

infamoussoap/EigenvalueSolvers
Fast solver to find the extreme eigenvalue
Language: Jupyter Notebook - Size: 150 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

perazz/fortran-lapack
Modern Fortran Linear Algebra library
Language: Fortran - Size: 283 MB - Last synced at: 2 months ago - Pushed at: 4 months ago - Stars: 35 - Forks: 3

diantonioandrea/NAQRA 📦
NAQRA - Neon Accelerated QR Algorithm.
Language: C - Size: 127 KB - Last synced at: 3 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

david-palma/mathematics-for-machine-learning
Mathematics for Machine Learning is a specialisation in which you will master the fundamental mathematical toolkit for machine learning: calculus, linear algebra, statistics, and probability.
Language: Jupyter Notebook - Size: 781 KB - Last synced at: 3 months ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0

pachadotdev/economiccomplexity
A wrapper of different indices and networks commonly used in Economic Complexity
Language: HTML - Size: 47.9 MB - Last synced at: 4 days ago - Pushed at: 6 months ago - Stars: 39 - Forks: 11

nennigb/EasterEig
A library to locate exceptional points and to reconstruct eigenvalues loci
Language: Python - Size: 388 KB - Last synced at: 30 days ago - Pushed at: 30 days ago - Stars: 13 - Forks: 1

YyyyyyiZ/SpectralBO
Spectral Mixture Kernels for Bayesian Optimization
Language: Python - Size: 1000 Bytes - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

DirkToewe/nd4js
JS ND-Arrays inspired by NumPy.
Language: JavaScript - Size: 4.4 MB - Last synced at: 6 days ago - Pushed at: over 2 years ago - Stars: 31 - Forks: 3

rokaia1692006/Face_recognition_using_Eigen_faces
facial recognition using eigen faces
Language: Jupyter Notebook - Size: 314 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

qTipTip/FYS3150
Language: TeX - Size: 85.2 MB - Last synced at: 6 days ago - Pushed at: over 9 years ago - Stars: 2 - Forks: 2

felipeZ/eigenvalues
symmetric matrices algorithms to compute eigenvalue/eigenvector pairs
Language: Rust - Size: 156 KB - Last synced at: 18 days ago - Pushed at: about 3 years ago - Stars: 43 - Forks: 11

RalphAS/PeriodicSchurDecompositions.jl
Julia package for periodic Schur decompositions of matrix products
Language: Julia - Size: 499 KB - Last synced at: 2 months ago - Pushed at: 6 months ago - Stars: 8 - Forks: 0

ritchieng/eigenvectors-from-eigenvalues
PyTorch implementation comparison of old and new method of determining eigenvectors from eigenvalues.
Language: Jupyter Notebook - Size: 42 KB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 99 - Forks: 10

lepsch/dart_lapack
Pure Dart implementation of LAPACK (Linear Algebra PACKage).
Language: Dart - Size: 79.4 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

KNAnagnostop/FortranMatrix
A library providing modules with easy to use matrix operations for real(8) and complex(8) arrays
Language: Fortran - Size: 2.31 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 3 - Forks: 0

singularitti/GershgorinDiscs.jl
Implementing the Gershgorin circle theorem
Language: Julia - Size: 380 KB - Last synced at: 7 days ago - Pushed at: 7 months ago - Stars: 2 - Forks: 0

Potatoasad/KerrQuasinormalModes.jl
A Package to Compute mode functions for Kerr Black Hole Quasinormal modes, as well as their frequencies, seperation constants and more. Additionally provides an interface for cheap differentiation of such modes.
Language: Julia - Size: 574 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 6 - Forks: 1

daedalus/BinetTrascendentalsEigen 📦
Binet formula with trascendentals as Eigen values
Language: Python - Size: 4.88 KB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 1

primme/primme
PReconditioned Iterative MultiMethod Eigensolver for solving symmetric/Hermitian eigenvalue problems and singular value problems
Language: C - Size: 46.9 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 133 - Forks: 40

Dyalog/Math
Math workspace and libraries for Dyalog APL
Language: Fortran - Size: 9.8 MB - Last synced at: 3 months ago - Pushed at: 10 months ago - Stars: 14 - Forks: 0

omkar-nitsure/Image_Compression_PCA
Employed PCA to extract out only the most important information from the image. This technique can be used for image compression and we can reduce the file-size to 85% of its original size through almost lossless compression.
Language: Python - Size: 4.33 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 1

lucasbn/Eigenvalues-and-Eigenvectors
Calculate eigenvalues and eigenvectors of a given matrix
Language: Python - Size: 1.95 KB - Last synced at: 2 months ago - Pushed at: almost 3 years ago - Stars: 8 - Forks: 5

jewettaij/jacobi_pd
a short, simple public-domain header-only C++ library for calculating eigenvalues and eigenvectors of real symmetric matrices
Language: C++ - Size: 186 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 24 - Forks: 11

gha3mi/foreig
ForEig - A Fortran library for eigenvalue and eigenvector calculations.
Language: Fortran - Size: 641 KB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 1

Louis-Finegan/Second-Order-ODE
Solving second order ODEs and Systems of ODEs with scipy library.
Language: Python - Size: 677 KB - Last synced at: 2 days ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

StrongerProgrammer7/Algorithm-of-computing-math
Algorithms of computational math: Legendre polynomial; Gauss method; Cholesky method; Method of Squares; Newton interpolation; Inverse Gauss method; Interpolation by cubic splines; Gauss Zeidel method; Jacobi method; Eigenvalues; Euler method; Left/Right rectangle method; Simpson method; The method of dividing a segment in half; Newton's method;
Language: C++ - Size: 993 KB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 1

enryea123/Hydrocxx
Integrate hydrodynamics differential equations, find eigenvalues, and plot using root-cern
Language: C++ - Size: 33.2 KB - Last synced at: 8 months ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 0

chrnthnkmutt/MTH234_LinearTransformation
This repository is being used as the final project of the course MTH234: Linear Algebra, with having Asst.Prof. Songpon Sriwongsa
Language: Jupyter Notebook - Size: 2.27 MB - Last synced at: 3 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

erfanasgari21/Linear_Algebra
Contains projects related to Linear Algebra, completed as part of academic coursework and teaching assistant activities in the Linear Algebra course at the University of Tehran
Language: Jupyter Notebook - Size: 4.03 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

ericyoc/quantum_computation_refresher_poc
A comprehensive refresher on the fundamental concepts and principles of quantum computation
Language: Jupyter Notebook - Size: 604 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

barton-willis/alt_eigen
Maxima language code for expressing eigenvectors in terms of eigenvalues.
Size: 126 KB - Last synced at: 3 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

fardinabbasi/PCA
Applying Principal Component Analysis for image compression, exploring how varying numbers of principal components affect image quality and compression ratio.
Language: Jupyter Notebook - Size: 12.7 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

dafer45/TBTK
A C++ library for solving second-quantized Hamiltonians
Language: C++ - Size: 7.72 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 100 - Forks: 24

fancompute/fdfdpy
Pure Python implementation of the finite difference frequency domain (FDFD) method for electromagnetics
Language: Jupyter Notebook - Size: 1.4 MB - Last synced at: 10 months ago - Pushed at: over 6 years ago - Stars: 53 - Forks: 17

RIKEN-RCCS/EigenExa
parallel eigenvalue solver
Language: Fortran - Size: 2.67 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 1 - Forks: 0

pbenner/autodiff
Autodiff is a numerical library for the Go programming language that supports automatic differentiation. It implements routines for linear algebra (vector/matrix operations), numerical optimization and statistics
Language: Go - Size: 7.86 MB - Last synced at: 2 months ago - Pushed at: over 3 years ago - Stars: 55 - Forks: 4

vishal815/Linear-Algebra-and-PCA-Visualizations-code-and-Solved-Numerical-Notes
Explore Linear Algebra & PCA. Python PCA visualizations for dimensionality reduction. Solved 2x2 & 3x3 matrix problems for practical understanding. Ideal for learners & professionals. Strengthen your math skills today!
Language: Jupyter Notebook - Size: 98.6 KB - Last synced at: 7 days ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

usmana5809/Matrix-Operations-Cpp
C++ program that performs various matrix operations such as addition, subtraction, multiplication, scalar multiplication, transpose, determinant calculation, matrix inversion, checking for symmetry and identity, and converting to row echelon and reduced row echelon forms. It also includes eigenvalue and eigenvector
Language: C++ - Size: 7.81 KB - Last synced at: 3 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

ipserc/complexarith
complexarith is an attempt to model the complex field arithmetic in Java to be used in mathematical developments.
Language: Java - Size: 20.8 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 2 - Forks: 0

IgorKolodziej/algebra_in_data_science Fork of Iwaniukooo11/algebra-in-data-analysis
Projects from Algebra in Data Science course at Warsaw University of Technology.
Language: Jupyter Notebook - Size: 62.5 KB - Last synced at: 10 months ago - Pushed at: 12 months ago - Stars: 3 - Forks: 0

ErfanRMN/Python-for-Economics-Series
A series of practical, sufficient, and to-the-point crash courses offered at the University of Tehran, mostly for Economics students with no prior programming background.
Language: Jupyter Notebook - Size: 4.68 MB - Last synced at: 11 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

vovandreevik/Bifurcation-Analysis-in-Dynamical-Systems
This project involves analyzing the stationary solutions of a system of differential equations depending on the parameter p4 .
Language: Python - Size: 6.84 KB - Last synced at: 2 months ago - Pushed at: 12 months ago - Stars: 1 - Forks: 0

AhmWael/EigenFaces_Face_Recognition_Project
Face Recognition using method of Eigenfaces
Language: Python - Size: 2.93 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Molecolab-Pisa/diaglib
A collection of matrix-free iterative eigensolvers
Language: Fortran - Size: 205 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 3 - Forks: 3

seyed0123/SeyedCV
some Linear algebra projects
Language: Jupyter Notebook - Size: 5.34 MB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

hannasg22/Deuteron-Simplified
Repository for the Software and Computing for Applied Physics Project
Language: Python - Size: 82 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

strangequarkkk/The-Shooting-Method-and-Fast-Fourier-Transform
Discretization of the time independent Schrodinger equation, shooting method to numerically compute eigenfunctions & eigenvalues of the quantum harmonic oscillator, normalization of the eigenfunctions, and fast fourier transform
Language: Jupyter Notebook - Size: 413 KB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

c3rebro/MatXCal
MatXCal is a console application calculator for complex numbers capable of: matrix and vector multiplication; gauss jordan calculation; determinant calculation; eigenvalue and eigenvector calculation
Language: C++ - Size: 50.8 KB - Last synced at: about 1 year ago - Pushed at: over 8 years ago - Stars: 0 - Forks: 0

mwageringel/guptri_py
Singular generalized eigenvalue problems.
Language: Python - Size: 26.4 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 0

NLAFET/StarNEig
A Task-based Library for Solving Dense Nonsymmetric Eigenvalue Problems
Language: C - Size: 27.5 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 21 - Forks: 2

patelchaitany/PCA
PCA in c
Language: C - Size: 7.81 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

regismeyssonnier/LinearAlgebra
Language: Python - Size: 39.1 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

hosseinmoein/Tiger
C++ Matrix -- High performance and accurate (e.g. edge cases) matrix math library with expression template arithmetic operators
Language: C++ - Size: 923 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 107 - Forks: 26

AxelsFirst/eigenqr-pk
A CLI app written in Python for calculating eigenvalues using QR algorithm.
Language: Python - Size: 61.5 KB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

Parfyonator/1D_DiracCrystal
Language: Python - Size: 27.3 KB - Last synced at: about 1 year ago - Pushed at: almost 7 years ago - Stars: 1 - Forks: 0

mashaan14/only-numpy
Machine learning algorithms implemented using numpy functions.
Language: Jupyter Notebook - Size: 181 KB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

JacobHA/Perron_root_bounds
Calculate bounds on the Perron (dominant) eigenvalue of nonnegative matrices
Language: Python - Size: 29.3 KB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0
