Ecosyste.ms: Repos

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

GitHub topics: eigenvalues

yixuan/spectra

A header-only C++ library for large scale eigenvalue problems

Language: C++ - Size: 33 MB - Last synced: about 12 hours ago - Pushed: 3 months ago - Stars: 720 - Forks: 125

cpmech/russell

Rust Scientific Libary. Special functions. Linear algebra. Sparse solvers. ODE and DAE solvers. Probability distributions. Tensor calculus.

Language: Rust - Size: 5.61 MB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 64 - Forks: 9

Jutho/KrylovKit.jl

Krylov methods for linear problems, eigenvalues, singular values and matrix functions

Language: Julia - Size: 1.31 MB - Last synced: 1 day ago - Pushed: 2 days ago - Stars: 258 - Forks: 32

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: 14.2 MB - Last synced: 2 days ago - Pushed: over 1 year ago - Stars: 2,180 - Forks: 535

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: 4 days ago - Pushed: over 7 years ago - Stars: 0 - Forks: 0

mwageringel/guptri_py

Singular generalized eigenvalue problems.

Language: Python - Size: 26.4 KB - Last synced: 6 days ago - Pushed: 7 days ago - Stars: 2 - Forks: 0

JuliaLinearAlgebra/ArnoldiMethod.jl

The Arnoldi Method with Krylov-Schur restart, natively in Julia.

Language: Julia - Size: 568 KB - Last synced: 7 days ago - Pushed: 9 days ago - Stars: 93 - Forks: 18

NLAFET/StarNEig

A Task-based Library for Solving Dense Nonsymmetric Eigenvalue Problems

Language: C - Size: 27.5 MB - Last synced: about 5 hours ago - Pushed: over 1 year ago - Stars: 21 - Forks: 2

Reference-LAPACK/lapack

LAPACK development repository

Language: Fortran - Size: 29.7 MB - Last synced: 8 days ago - Pushed: 29 days ago - Stars: 1,404 - Forks: 412

perazz/fortran-lapack

Modularized Fortran LAPACK implementation

Language: Fortran - Size: 37.3 MB - Last synced: 12 days ago - Pushed: 12 days ago - Stars: 30 - Forks: 2

seyed0123/SeyedCV

some Linear algebra projects

Language: Jupyter Notebook - Size: 5.33 MB - Last synced: 4 days ago - Pushed: 4 days ago - Stars: 0 - Forks: 0

patelchaitany/PCA

PCA in c

Language: C - Size: 7.81 KB - Last synced: 14 days ago - Pushed: 15 days ago - Stars: 0 - Forks: 0

rcarcasses/schrodinger

Solves one dimensional Schrodinger problem using several methods.

Language: C++ - Size: 29.3 KB - Last synced: 15 days ago - Pushed: over 6 years ago - Stars: 3 - Forks: 1

regismeyssonnier/LinearAlgebra

Language: Python - Size: 39.1 KB - Last synced: 16 days ago - Pushed: 16 days ago - Stars: 1 - Forks: 0

yixuan/RSpectra

R Interface to the Spectra Library for Large Scale Eigenvalue and SVD Problems

Language: C++ - Size: 289 KB - Last synced: 16 days ago - Pushed: about 2 years ago - Stars: 79 - Forks: 12

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: 14 days ago - Pushed: about 1 month ago - Stars: 107 - Forks: 26

vlang/vsl

V library to develop Artificial Intelligence and High-Performance Scientific Computations

Language: V - Size: 10.9 MB - Last synced: 13 days ago - Pushed: 18 days ago - Stars: 328 - Forks: 42

ipserc/complexarith

complexarith is an attempt to model the complex field arithmetic in Java to be used in mathematical developments.

Language: Java - Size: 20.7 MB - Last synced: 19 days ago - Pushed: 19 days ago - Stars: 2 - Forks: 0

AxelsFirst/eigenqr-pk

A CLI app written in Python for calculating eigenvalues using QR algorithm.

Language: Python - Size: 61.5 KB - Last synced: 19 days ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

Parfyonator/1D_DiracCrystal

Language: Python - Size: 27.3 KB - Last synced: 22 days ago - Pushed: almost 6 years ago - Stars: 1 - Forks: 0

mashaan14/only-numpy

Machine learning algorithms implemented using numpy functions.

Language: Jupyter Notebook - Size: 181 KB - Last synced: 23 days ago - Pushed: 4 months 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: 23 days ago - Pushed: over 1 year ago - Stars: 1 - Forks: 0

venovako/FLAPWxHZ

The Hari-Zimmermann complex generalized hyperbolic SVD and EVD.

Language: Fortran - Size: 327 KB - Last synced: 23 days ago - Pushed: 23 days ago - Stars: 1 - Forks: 0

LinuzJ/apato

Subscription service for rental apartment IRR. Written in Rust.

Language: Rust - Size: 224 KB - Last synced: 29 days ago - Pushed: about 1 month ago - Stars: 0 - Forks: 0

tradytics/eiten

Statistical and Algorithmic Investing Strategies for Everyone

Language: Python - Size: 647 KB - Last synced: 29 days ago - Pushed: almost 2 years ago - Stars: 2,683 - Forks: 312

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: about 1 month ago - Pushed: about 1 month ago - Stars: 1,803 - Forks: 196

aboks/power-iteration

Implementation of the Power Iteration method for finding eigenvalues of a matrix, using math-php

Language: PHP - Size: 41 KB - Last synced: about 1 month ago - Pushed: almost 2 years ago - Stars: 3 - Forks: 1

primme/primme

PReconditioned Iterative MultiMethod Eigensolver for solving symmetric/Hermitian eigenvalue problems and singular value problems

Language: C - Size: 45.6 MB - Last synced: 10 days ago - Pushed: 10 days ago - Stars: 132 - Forks: 39

launchcode01dl/mathematics-for-machine-learning-coursera

quizzes/assignments for mathematics for machine learning specialization on coursera

Language: Jupyter Notebook - Size: 43.6 MB - Last synced: about 1 month ago - Pushed: over 3 years ago - Stars: 406 - Forks: 403

Aalaa4444/Hamming_Network

Hamming Network implementation using PCA implementation from scratch

Language: Jupyter Notebook - Size: 1.16 MB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 0 - Forks: 0

machulsky61/Linear-Algebra

Computational Linear Algebra course covering topics like iterative methods, matrix decompositions, and applications. It includes theoretical concepts, practical exercises, and code. Advanced methods like QR factorization, spectral theorem, and iterative solvers for linear systems.

Language: Jupyter Notebook - Size: 15.7 MB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 0 - Forks: 0

drnikolaev/cvmlib

CVM Class Library

Language: C++ - Size: 191 MB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 8 - Forks: 2

Beliavsky/Burkardt-Fortran-90

Classification of John Burkardt's many Fortran 90 codes

Size: 29.9 MB - Last synced: about 2 months ago - Pushed: about 2 months ago - Stars: 39 - Forks: 7

KNAnagnostop/FortranMatrix

A library providing modules with easy to use matrix operations for real(8) and complex(8) arrays

Language: Fortran - Size: 2.27 MB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 2 - Forks: 0

ZongkangZhang/QKSD

Code to accompany: "Measurement-efficient quantum Krylov subspace diagonalisation".

Language: Mathematica - Size: 20.6 MB - Last synced: about 2 months ago - Pushed: about 2 months ago - Stars: 2 - Forks: 0

fancompute/fdfdpy

Pure Python implementation of the finite difference frequency domain (FDFD) method for electromagnetics

Language: Jupyter Notebook - Size: 1.4 MB - Last synced: 7 days ago - Pushed: over 5 years ago - Stars: 52 - Forks: 16

felipeZ/eigenvalues

symmetric matrices algorithms to compute eigenvalue/eigenvector pairs

Language: Rust - Size: 156 KB - Last synced: 6 days ago - Pushed: about 2 years ago - Stars: 41 - Forks: 10

pachadotdev/economiccomplexity

A wrapper of different indices and networks commonly used in Economic Complexity

Language: HTML - Size: 41.5 MB - Last synced: 14 days ago - Pushed: 9 months ago - Stars: 37 - Forks: 12

achiverram28/FedLSF-DCOSS

Official implementation of the paper "FedLSF: Federated Local Graph Learning via Specformers"

Language: Python - Size: 3.02 MB - Last synced: about 2 months ago - Pushed: about 2 months ago - Stars: 1 - Forks: 0

merkouris148/numerical-analysis-algorithms

Some numerical analysis algorithms, from scratch, written in Octave

Language: MATLAB - Size: 37.1 KB - Last synced: about 2 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

bhrnjica/MagmaSharp 📦

.NET High Level API for MAGMA - Matrix Algebra for GPU and Multicore Architectures.

Language: C++ - Size: 11.9 MB - Last synced: 18 days ago - Pushed: over 3 years ago - Stars: 3 - Forks: 0

ocramz/sparse-linear-algebra

Numerical computation in native Haskell

Language: Haskell - Size: 866 KB - Last synced: 14 days ago - Pushed: over 3 years ago - Stars: 88 - Forks: 10

f-koehler/itesol

WIP: Iterative eigensolvers for C++20, Python and CUDA

Language: C++ - Size: 94.7 KB - Last synced: 2 months ago - Pushed: 7 months ago - Stars: 0 - Forks: 0

nennigb/EasterEig

A library to locate exceptional points and to reconstruct eigenvalues loci

Language: Python - Size: 131 KB - Last synced: 2 months ago - Pushed: 2 months ago - Stars: 10 - Forks: 1

MohEsmail143/face-recognition

Face Recognition using PCA & LDA dimensionality reduction, then classification using KNN.

Language: Jupyter Notebook - Size: 21.8 MB - Last synced: 2 months ago - Pushed: 2 months ago - Stars: 0 - Forks: 0

ekremekc/helmholtz-x

helmholtz-x

Language: Python - Size: 227 MB - Last synced: 13 days ago - Pushed: 13 days ago - Stars: 1 - Forks: 0

Mayur-Kyatham/Linear-Algebra

Linear Algebra for Machine Learning and Data Science

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

RalphAS/GenericMRRR.jl

Symmetric Tridiagonal eigensolver in Julia

Language: Julia - Size: 55.7 KB - Last synced: 2 months ago - Pushed: 2 months ago - Stars: 6 - Forks: 0

oamarques/STCollection

Collection of symmetric tridiagonal and bidiagonal matrices.

Language: Fortran - Size: 15.8 MB - Last synced: 2 months ago - Pushed: 2 months ago - Stars: 1 - Forks: 0

KuratZero/c-eigenvalues-compute

Программа вычисления собственных значений квадратной матрицы

Language: C - Size: 8.79 KB - Last synced: 2 months ago - Pushed: 2 months ago - Stars: 0 - Forks: 0

stdogpkg/stdog

The main goal of StDoG is to provide a package which can be used to study dynamical and structural properties (like spectra) on graphs with a large number of vertices.

Language: Python - Size: 6.01 MB - Last synced: 7 days ago - Pushed: over 4 years ago - Stars: 8 - Forks: 1

nep-pack/NonlinearEigenproblems.jl

Nonlinear eigenvalue problems in Julia: Iterative methods and benchmarks

Language: Julia - Size: 21.3 MB - Last synced: 20 days ago - Pushed: 3 months ago - Stars: 91 - Forks: 15

jchristopherson/linalg

A linear algebra library that provides a user-friendly interface to several BLAS and LAPACK routines.

Language: Fortran - Size: 8.62 MB - Last synced: 3 months ago - Pushed: 3 months ago - Stars: 20 - Forks: 1

SLICOT/SLICOT-Reference

SLICOT - A Fortran subroutines library for systems and control

Language: Fortran - Size: 4.64 MB - Last synced: 2 months ago - Pushed: 2 months ago - Stars: 34 - Forks: 18

Dyalog/Math

Math workspace and libraries for Dyalog APL

Language: APL - Size: 9.8 MB - Last synced: about 1 month ago - Pushed: about 4 years ago - Stars: 11 - Forks: 0

perpendicooler/Infinite-Matrices-And-Its-Application

Infinite Matrices and Its Application

Language: TeX - Size: 6.5 MB - Last synced: 3 months ago - Pushed: 3 months ago - Stars: 0 - Forks: 0

cemsbv/tridiag-eigen

Numerical precise eigen decomposition for ill-conditioned symmetric tridiagonal matrices

Language: Rust - Size: 9.77 KB - Last synced: 22 days ago - Pushed: 4 months ago - Stars: 1 - Forks: 0

lprtk/financial-crisis-model

Build early warning indicators with SAS

Language: SAS - Size: 12.2 MB - Last synced: 3 months ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

CarlKho-Minerva/MarkovMatrix_FootTraffic-NamsanSeoulLibrary

An in-depth exploration of foot traffic patterns at Namsan Library using a page-rank-like mathematical model. This project represents the culmination of a linear algebra course, showcasing practical applications of matrix operations and eigenvalue analysis in real-world scenarios.

Language: Jupyter Notebook - Size: 16.6 KB - Last synced: 22 days ago - Pushed: 5 months ago - Stars: 0 - Forks: 0

GTAC-ITEAM-UPV/toeplitz_inertia

Software for computing the inertia of a hermitian Toeplitz-block matrix.

Language: C - Size: 16.6 KB - Last synced: 3 months ago - Pushed: 4 months ago - Stars: 0 - Forks: 0

ERMN2001/Python-for-Economics-Series

A series of sufficient, practical, 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: 4 months ago - Pushed: 4 months ago - Stars: 0 - Forks: 0

Samahussien7/Hamming-Network

Hamming Network implementation using pca implementation for reduction all from scratch

Language: Jupyter Notebook - Size: 369 KB - Last synced: 4 months ago - Pushed: 4 months ago - Stars: 0 - Forks: 0

keksipurkki/keksipurkki-demos-qr

Implicit QR method (Fortran 2018)

Language: Fortran - Size: 234 KB - Last synced: 4 months ago - Pushed: 4 months ago - Stars: 0 - Forks: 0

jacobdwatters/Flag4j

Fast linear algebra library for Java.

Language: Java - Size: 88.8 MB - Last synced: 3 months ago - Pushed: 3 months ago - Stars: 4 - Forks: 0

stefanmaierhofer/Uncodium.Eigensystems

numerical diagonalization of 3x3 matrices

Language: C# - Size: 67.4 KB - Last synced: 17 days ago - Pushed: over 2 years ago - Stars: 2 - Forks: 1

parthsompura/Working-with-huge-matrices

Linear Programming, Quadratic Programming, and Working with Huge matrices

Language: Jupyter Notebook - Size: 6.84 KB - Last synced: 4 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 1

RalphAS/PeriodicSchurDecompositions.jl

Julia package for periodic Schur decompositions of matrix products

Language: Julia - Size: 521 KB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 8 - Forks: 0

zhiyunl/EvecFromEval

A implementation of new method for calculating eigenvector from eigenvalue, inspired by the paper "Eigenvectors from Eigenvalues".

Language: Python - Size: 234 KB - Last synced: 4 months ago - Pushed: over 4 years ago - Stars: 1 - Forks: 0

vaishnu7/ROSENZWEIG-MACARTHUR-Model

in this repository, we learn how to find equilibrium points of a system of non-linear ODE and calculate the solution using Runge-Kutta Fourth Order (RK4). The equations used here can be found in the article link attached.

Language: MATLAB - Size: 47.9 KB - Last synced: 4 months ago - Pushed: almost 3 years ago - Stars: 0 - 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: about 20 hours ago - Pushed: over 2 years ago - Stars: 97 - Forks: 10

PashvaSoni/Real-world-Application-of-Linear-Algebra

This project is created for learning the real world application of linear algebra which contains some core concepts like determinants, matrix, eigen-value, eigen-vector, etc to create a real-world application like steganography, grafh-theory, analysis of spread of disease, image processing, cryptography etc. This can have small bugs like exception handling but i always appreciate suggestion so please contact me for suggestion .

Language: Python - Size: 5.75 MB - Last synced: 5 months ago - Pushed: over 3 years ago - Stars: 4 - Forks: 2

andreasvarga/MatrixPencils.jl

Matrix pencil manipulations using Julia

Language: Julia - Size: 2.1 MB - Last synced: 23 days ago - Pushed: 4 months ago - Stars: 20 - Forks: 4

gha3mi/foreig

ForEig - A Fortran library for eigenvalue and eigenvector calculations.

Language: Fortran - Size: 641 KB - Last synced: 5 months ago - Pushed: 5 months ago - Stars: 0 - Forks: 0

rayyamhk/Matrix.js

A professional, comprehensive and high-performance library for you to manipulate matrices.

Language: JavaScript - Size: 1.07 MB - Last synced: 4 days ago - Pushed: 5 months ago - Stars: 3 - Forks: 1

FK-MAD/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: 4 months ago - Pushed: 4 months ago - Stars: 9 - Forks: 1

dantemazza/matrix-plus

Implementation of Laplace expansion(solves for determinant/inverse), Gram-Schmidt, and QR algorithms with a Swing calculator

Language: Java - Size: 57.6 KB - Last synced: 5 months ago - Pushed: about 4 years ago - Stars: 1 - Forks: 0

dafer45/TBTK

A C++ library for solving second-quantized Hamiltonians

Language: C++ - Size: 7.72 MB - Last synced: 14 days ago - Pushed: 3 months ago - Stars: 101 - Forks: 24

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: 18.5 MB - Last synced: 4 months ago - Pushed: 4 months ago - Stars: 0 - Forks: 0

Louis-Finegan/Second-Order-ODE

Solving second order ODEs and Systems of ODEs with scipy library.

Language: Python - Size: 677 KB - Last synced: 6 months ago - Pushed: 6 months ago - Stars: 1 - Forks: 0

zlliang/eigenvalue-problem-experiments 📦

Numerical experiments on eigenvalue problems in MATLAB®

Language: Matlab - Size: 1.69 MB - Last synced: 6 months ago - Pushed: almost 6 years ago - Stars: 0 - Forks: 1

anishdulal/principal-component-analysis-PCA

We perform PCA for both visualization and feature selection here.

Language: Jupyter Notebook - Size: 324 KB - Last synced: 6 months ago - Pushed: about 2 years ago - Stars: 4 - Forks: 0

OS-M/numerical-matrix-eigenvalues-research

Research on finding matrix eigenvalues and eigenvectors

Language: C++ - Size: 116 KB - Last synced: 7 months ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

MauricioVazquezM/NumericalMethodsCourseAssignments

Numerical Methods course assignments.

Language: MATLAB - Size: 249 KB - Last synced: 5 months ago - Pushed: 5 months ago - Stars: 0 - Forks: 0

jaimiosyncrasy/heatmap

Publicly available visualization tool for evaluating many control configurations of Phasor-Based Control on three-phase unbalanced distribution grid feeders

Language: Jupyter Notebook - Size: 63.5 MB - Last synced: 7 months ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

SINGHxTUSHAR/Assignment-72

Language: Jupyter Notebook - Size: 0 Bytes - Last synced: 7 months ago - Pushed: 7 months ago - Stars: 0 - Forks: 0

SINGHxTUSHAR/Assignment-71

Language: Jupyter Notebook - Size: 11.7 KB - Last synced: 7 months ago - Pushed: 7 months ago - Stars: 0 - Forks: 0

TBenkHyd2/PCA

Spatial Principal Component Analysis (SPCA 1.1) and Clustering of Observations (KNN K-means HC) with Matlab

Size: 1.86 MB - Last synced: 7 months ago - Pushed: about 3 years ago - Stars: 0 - Forks: 0

virelfauzan/Praktikum-Matematika-Lanjut-1

Size: 6.48 MB - Last synced: 7 months ago - Pushed: 7 months ago - Stars: 0 - Forks: 0

parishisit/NLAFullPackage

Every Numerical Linear Algebra method!

Language: Python - Size: 6.84 KB - Last synced: 7 months ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

vaitybharati/PCA

PCA

Language: Jupyter Notebook - Size: 1.95 KB - Last synced: 7 months ago - Pushed: over 3 years ago - Stars: 1 - Forks: 0

vaitybharati/P33.-Unsupervised-ML---PCA-Data-Mining-Univ-

Unsupervised-ML---PCA-Data-Mining-Univ. Import Dataset, Converting data to numpy array, Normalizing the numerical data, Applying PCA Fit Transform to dataset, PCA Components matrix or covariance Matrix, Variance of each PCA, Final Dataframe, Visualization of PCAs, Eigen vector and eigen values for a given matrix.

Language: Jupyter Notebook - Size: 45.9 KB - Last synced: 7 months ago - Pushed: almost 3 years ago - Stars: 1 - Forks: 0

diegofgcoelho/tridiagonal

C/C++ implementation of fast estimation of largest eigenvalue based on the Power method.

Language: C++ - Size: 4.8 MB - Last synced: 7 months ago - Pushed: almost 7 years ago - Stars: 2 - Forks: 1

hirokitokura/tokura_zgeev_batched

Language: Cuda - Size: 7.92 MB - Last synced: 7 months ago - Pushed: about 3 years ago - Stars: 1 - Forks: 0

nrutkowski1/eigenvectors_and_eigenvalues

calculate eigenvalues and eigenvectors for a 3x3 matrix and eigenvalues for a 2x2 matrix

Language: Python - Size: 1.95 KB - Last synced: 7 months ago - Pushed: almost 5 years ago - Stars: 1 - Forks: 0

nammnjoshii/Clustering_and_Factor_Analysis-Gross-Pointe-Associates-And-The-Microvan-

Recommendations on which characteristics are most important for determining whether a customer has a favourable perception of the microvan concept, to segment the market, and to determine which segment(s) would be good to target based on the analysis of data.

Size: 10.4 MB - Last synced: 7 months ago - Pushed: over 3 years ago - Stars: 0 - Forks: 1

emilstahl97/Linear-Algebra 📦

Vectors, matrices, linear equations, Gaussian elimination, vector geometry with dot product and vector product, determinants, vector spaces, linear independence, bases, change of basis, linear transformations, the least-squares method, eigenvalues, eigenvectors, quadratic forms, orthogonality, inner-product space, Gram-Schmidt's method.

Size: 20.7 MB - Last synced: 8 months ago - Pushed: over 3 years ago - Stars: 1 - Forks: 0

devkapupara/SuperMath

Solves a handful of regular math problems

Language: Python - Size: 7.81 KB - Last synced: 8 months ago - Pushed: over 5 years ago - Stars: 1 - Forks: 0

flaport/eigs

Find Eigenvalues and Eigenvectors with Rust using UMFPACK + ARPACK

Language: Rust - Size: 41 KB - Last synced: 8 days ago - Pushed: 8 months ago - Stars: 3 - Forks: 0

RalphAS/GenericSchur.jl

Julia package for Schur decomposition of matrices with generic element types

Language: Julia - Size: 341 KB - Last synced: 23 days ago - Pushed: about 2 months ago - Stars: 25 - Forks: 4

gonzafernan/ModelosNumericos

Modelos Numéricos en el Diseño de Sistemas de Control para Estructuras Flexibles

Language: Jupyter Notebook - Size: 733 KB - Last synced: 8 months ago - Pushed: over 4 years ago - Stars: 0 - Forks: 0

Related Keywords
eigenvalues 221 eigenvectors 107 linear-algebra 69 python 26 matrix 24 pca 15 numpy 14 numerical-methods 14 eigenfaces 13 machine-learning 12 singular-value-decomposition 11 lapack 11 principal-component-analysis 11 python3 11 matrix-factorization 10 qr-decomposition 9 linear-equations 9 svd 9 fortran 9 mathematics 9 pca-analysis 8 vector 8 math 8 eigen 8 cpp 8 differential-equations 8 matrices 8 numerical-integration 7 matlab 7 optimization 7 interpolation 7 scipy 7 numerical-analysis 6 julia 6 lu-decomposition 5 matrix-computations 5 blas 5 calculus 5 matplotlib 5 determinant 5 eigenfunctions 5 image-processing 5 gram-schmidt 5 matrix-calculations 5 matrix-multiplication 5 matrix-library 5 power-iteration 5 vectors 5 data-science 5 jacobi 5 singular-values 5 algorithms 5 rust 5 clustering 4 jupyter-notebook 4 algebra 4 dimensionality-reduction 4 spectra 4 linear-regression 4 classification 4 regression 4 linear-systems 4 qr-algorithm 4 scientific-computing 4 r 4 diagonalization 4 graph-algorithms 4 nonlinear-equations 4 ode 4 gpu 4 root-finding 4 eigenvalues-and-eigenvectors 4 hessenberg-reduction 4 numerical-linear-algebra 4 face-recognition 4 complex-numbers 4 c 4 schur-decomposition 4 eigenvector-calculation 4 statistics 4 linear-programming 4 lapacke 4 least-squares 4 integration 4 hessian 3 fourier-transform 3 cuda 3 eigenvalueproblems 3 newton-raphson 3 gauss-elimination 3 k-means-clustering 3 mathematics-machine-learning 3 polynomials 3 coursera 3 quantum-mechanics 3 kmeans-clustering 3 high-performance 3 graphs 3 matrix-functions 3 ode-solver 3