GitHub topics: svd
gentaiscool/matrix_fact
Matrix Factorization Library
Language: Python - Size: 174 KB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 9 - Forks: 2

Beliavsky/Computer-Methods-for-Mathematical-Computations
Code from the book of the same name by Forsythe, Malcolm, and Moler, translated to Fortran 90 by Ralph Carmichael
Language: Fortran - Size: 70.3 KB - Last synced at: about 2 months ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0

FoggySmile/RecSys
RecSys
Language: Jupyter Notebook - Size: 199 KB - Last synced at: 2 days ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

khuangaf/tibame_recommender_system
TibaMe 「打造智能推薦系統:用AI搞懂客戶精準行銷」 實作課程程式碼
Language: Jupyter Notebook - Size: 777 KB - Last synced at: 24 days ago - Pushed at: almost 5 years ago - Stars: 18 - Forks: 8

dmitrystu/svd_editor
CMSIS SVD editor
Language: Python - Size: 25.4 KB - Last synced at: 7 months ago - Pushed at: about 5 years ago - Stars: 11 - Forks: 6

terrordayvg/PT_VQC-Tomography
This repository combines all the codes to produce the plots and results from the following article: arXiv:2404.16541
Language: Python - Size: 398 KB - Last synced at: 5 months ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0

gha3mi/forinv
ForInv - A Fortran library for inverse and pseudo-inverse calculations.
Language: Fortran - Size: 691 KB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 2

cuixing158/Estimate-2-D-geometric-transformation
Estimate 2-D geometric transformation from matching point and line pairs
Language: MATLAB - Size: 647 KB - Last synced at: 3 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

outpost-os/python-svd2json
CMSIS SVD file to JSON converter for code generation
Language: Python - Size: 58.6 KB - Last synced at: about 1 month ago - Pushed at: 8 months ago - Stars: 0 - Forks: 3

cuixing158/SVD-Fit-Line
Linear Least Squares Problems Using SVD, straight line fitting (2D and 3D)
Size: 556 KB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

munechika-koyo/cherab_inversion
CHERAB for inversion tools
Language: Python - Size: 1.64 MB - Last synced at: 13 days ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

venovako/VecKog
The vectorized (AVX-512) batched singular value decomposition algorithm for matrices of order two.
Language: C - Size: 115 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 3 - 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: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

venovako/GPUJACHx
The Jacobi-type (hyperbolic) SVD for CUDA.
Language: Cuda - Size: 35.8 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 9 - Forks: 2

danielshz/nmf-applications
🔢 Teoria e aplicações da fatoração de matrizes positivas (NMF)
Language: Jupyter Notebook - Size: 82.7 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

manoelmms/SignalAnalysisSVD
Análise e processamento de sinais com SVD
Language: Jupyter Notebook - Size: 44.9 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 1

ZW-ZHANG/TIMERS
This is a sample implementation of "TIMERS: Error-Bounded SVD Restart on Dynamic Networks"(AAAI 2018).
Language: Matlab - Size: 8.79 KB - Last synced at: about 1 month ago - Pushed at: almost 7 years ago - Stars: 12 - Forks: 4

Maxime-Cllt/Osmium
Compression d'image JPEG avec la Singular Value Decomposition (SVD)
Language: OCaml - Size: 1.72 MB - Last synced at: 2 months ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

fl0wbar/rnn_clv
Compute Lyapunov exponents and Covariant-Lyapunov-Vectors of an RNN update trajectory
Language: Python - Size: 53.7 KB - Last synced at: 3 days ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

GreatEpee/Book-Recommendation-System
Book Recommendation System
Language: Python - Size: 47.3 MB - Last synced at: 2 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

Eemayas/Watermark-Embedding-and-Extraction-Using-SVD
This project demonstrates the technique of embedding a watermark into a high-resolution image using Singular Value Decomposition (SVD).
Language: HTML - Size: 31.7 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

khadakhan/DS-projects
Data science projects
Language: Jupyter Notebook - Size: 10.1 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

bbleckel/NN-vs-SVD
In linear algebra, we use the singular value decomposition (SVD) to find low-rank approximations of high- rank matrices. These low-rank approximations can be used to store the data in a matrix in a more compact form. We know that the SVD method for approximating matrices is the best method. However, we would like to explore another way of approximating high-rank matrices. Using a Neural Network (NN), we can approximate a matrix based on how if acts on vectors. By limiting a crucial part of the network’s structure, we can force the approximation of the matrix to be of a certain rank. In this paper we explore the accuracy of these approximations compared to the original matrix and the SVD approximation. When we set out, we hoped to find that the NN approximation is essentially equivalent to the SVD approximation. This paper enumerates the ways in which the two were the same, and also the ways in which they vary.
Language: TeX - Size: 5.89 MB - Last synced at: 9 months ago - Pushed at: over 7 years ago - Stars: 2 - Forks: 0

CCampJr/CRIkit2
CRIKit2 is a hyperspectral imaging toolkit formerly known as the coherent Raman imaging toolkit.
Language: Python - Size: 20.2 MB - Last synced at: 8 months ago - Pushed at: over 2 years ago - Stars: 18 - Forks: 11

kamranisg/CV2-Multiple-View-Geometry
Computer Vision course at Technical University of Munich
Language: MATLAB - Size: 4.46 MB - Last synced at: 7 months ago - Pushed at: almost 5 years ago - Stars: 14 - Forks: 3

gasevi/pyreclab
pyRecLab is a library for quickly testing and prototyping of traditional recommender system methods, such as User KNN, Item KNN and FunkSVD Collaborative Filtering. It is developed and maintained by Gabriel Sepúlveda and Vicente Domínguez, advised by Prof. Denis Parra, all of them in Computer Science Department at PUC Chile, IA Lab and SocVis Lab.
Language: C++ - Size: 1.8 MB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 122 - Forks: 28

atharvapathak/Product_Recommendation_Engine
Using algorithms such as collaborative filtering, content-based filtering, or hybrid methods, this recommendation engine offers personalized suggestions to users, enhancing their shopping or browsing experience.
Language: Jupyter Notebook - Size: 84 KB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

virendhanwani/AnimeRecommendationSystem
Language: Jupyter Notebook - Size: 253 KB - Last synced at: 9 months ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

sarthak71/Item-Recommender
A generalized items recommender that lists out top 5 recommendations based on users with similar choices.
Language: Jupyter Notebook - Size: 48.7 MB - Last synced at: 10 months ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

Abdelrahman13-coder/Numerical-Algorithms
Language: Jupyter Notebook - Size: 1.64 MB - Last synced at: 3 months ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

particle1331/computational-linear-algebra
Rapidly develops the SVD and uses it for everything.
Language: Jupyter Notebook - Size: 44.9 MB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 0

malevolentstrix/SVD_Image_Compression
Language: MATLAB - Size: 67 MB - Last synced at: 10 months ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 1

cego669/DirtyCategoriesEncoding
Repository containing two classes (StringAgglomerativeEncoder and StringDistanceEncoder) useful for grouping or visualizing the distance between dirty categorical variables. They are compatible with the scikit-learn API.
Language: Jupyter Notebook - Size: 1.08 MB - Last synced at: about 2 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

Manisha2612/Recommendation_engine
Recommendation for new movies to watch on netflix based on given dataset using Pearsons Correlation and SVD
Language: Jupyter Notebook - Size: 1.54 MB - Last synced at: 10 months ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

james-bowman/nlp
Selected Machine Learning algorithms for natural language processing and semantic analysis in Golang
Language: Go - Size: 396 KB - Last synced at: 10 months ago - Pushed at: about 4 years ago - Stars: 445 - Forks: 45

CaptainIRS/rk3399-svd
SVD (System View Description) file for the RK3399 SoC from Rockchip
Language: Python - Size: 68.2 MB - Last synced at: 3 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

danielray54/MovieSocialReccommender
Web Based Movie Recommendation System using Neo4j, Flask utlising Collaberative fitlering techniques SVD and NMF
Language: Jupyter Notebook - Size: 7.64 MB - Last synced at: 10 months ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

jElhamm/Singular-Value-Decomposition-Data-Mining
"This repository hosts an implementation of the Singular Value Decomposition (SVD) algorithm tailored for data mining tasks. SVD is utilized for efficient dimensionality reduction, aiding in the extraction of key patterns and features from large and complex datasets."
Language: Jupyter Notebook - Size: 271 KB - Last synced at: about 2 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

mich1803/SVD-Audio-Compression
Utilizing Singular Value Decomposition (SVD) for audio compression: Convert audio to spectrograms, apply SVD for dimension reduction, and reconstruct with Griffin-Lim. High compression, minimal quality loss.
Language: Jupyter Notebook - Size: 1.23 GB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

jss415/recommendation-system
Evaluation of Recommendation Systems
Language: Jupyter Notebook - Size: 1.05 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

ayeshathoi/Machine-Learning-472
machine learning sessional works
Language: Jupyter Notebook - Size: 7.72 MB - Last synced at: 3 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

mohamed82008/DifferentiableFactorizations.jl
Differentiable matrix factorizations using ImplicitDifferentiation.jl.
Language: Julia - Size: 19.5 KB - Last synced at: 9 days ago - Pushed at: over 1 year ago - Stars: 30 - Forks: 1

yulyan407/GoIT_Data_Science
Linear regression, retraining models, regularization, SVC, RandomForest, K-means, PCA, Recommender systems, Neural Network, Keras
Language: Jupyter Notebook - Size: 4.79 MB - Last synced at: 11 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

stefan-zobel/rSVD
Randomized SVD as per Halko, Martinsson, and Tropp [2011]
Language: Java - Size: 105 KB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

peluche/SVD
Language: Jupyter Notebook - Size: 99.6 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

jfilter/sparse-svd-benchmark
Sparse Truncated SVD Benchmark (Python)
Language: Jupyter Notebook - Size: 170 KB - Last synced at: 2 days ago - Pushed at: over 5 years ago - Stars: 4 - Forks: 1

antonovvk/posev
Power methods for top Singular/EigenValue calculation
Language: Go - Size: 4.12 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

mattiaferrarini/Numerical-Computing
The notebooks I worked on during the Numerical Computing course, covering topics such as SVD, nonlinear equations, LSQ, polynomial regression, unconstrained optimization and image enhancement.
Language: Jupyter Notebook - Size: 16.3 MB - Last synced at: 2 months ago - Pushed at: 11 months ago - Stars: 1 - Forks: 0

ARMify-Project/code-peripheral-viewer
Utilizes cortex-debug (VS Code Plugin) to view arbitrary SVD files independent of the debugged program. The files are processed (derivedFrom, nested clusters, ...) by the cortex-debug plugin.
Language: Shell - Size: 146 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

WilliamOdinson/YelpRecommendation
This project develops a Yelp-based restaurant rating prediction algorithm using NLP to analyze review texts and generate a weighted unified rating. It then employs methods like SVD, ALS, SGD, and Random Forest to recommend restaurants based on these ratings.
Language: Jupyter Notebook - Size: 47.3 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 1 - Forks: 1

Udrasht/Word-Embedding
This repository provides implementations of Skip-gram and SVD word embedding models, and demonstrates their use in an RNN (LSTM) classification task on a news dataset.
Language: Python - Size: 136 MB - Last synced at: 12 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

tgchacko/Movie-Recommender
Movie Recommender
Language: Jupyter Notebook - Size: 27.3 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

dim02/svdUnfold
Singular value decomposition data unfolding
Language: Jupyter Notebook - Size: 1.04 MB - Last synced at: 4 days ago - Pushed at: about 5 years ago - Stars: 3 - Forks: 0

ktye-UF/PowerSystemTopology
This repo is the code for the 2024 IEEE PES GM paper. It proposes a novel topology embedding method for handling topology problem in power system.
Language: C++ - Size: 156 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 1

mathildejutras/mtm-svd-python
This repository contains scripts to apply the MTM-SVD analysis method to climate data and model outputs. It is a direct adaptation of the Matlab script developed by M. Correa-Ramirez.
Language: Python - Size: 141 KB - Last synced at: about 1 year ago - Pushed at: almost 5 years ago - Stars: 11 - Forks: 3

arturoortizx/SenatorsPR
Analysis of Puerto Rican Senate voting
Language: Python - Size: 157 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 0

MallaSailesh/Word_Vectorization
Get the Word Embeddings using methods - SVD (single value decomposition) and Skip-Gram with Negative-Sampling
Language: Python - Size: 481 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

GoldinGuy/ReadMe
📗 Generate reading lists using collaborative and content-based filtering
Language: Jupyter Notebook - Size: 142 MB - Last synced at: 2 months ago - Pushed at: over 3 years ago - Stars: 5 - Forks: 1

Vatsal328/Movie-Recommendation-System
This is a PRML course project about developing movie recommendation system using traditional ML techniques.
Language: Jupyter Notebook - Size: 5.85 MB - Last synced at: 10 months ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 2

xx025/stable-video-diffusion-webui 📦
stable-video-diffusion-webui, img to videos| 图片生成视频
Language: Python - Size: 594 KB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 183 - Forks: 30

vainavinair/Flask-FER-MusicRecommendation
Moodify is a Flask-based web application that seamlessly integrates facial emotion recognition (FER) with personalized music recommendations.
Language: HTML - Size: 29.3 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

sayande01/Book_Recommender_System_Machine_Learning
This project aims to build an advanced book recommendation system by integrating collaborative filtering, content-based filtering, and machine learning. It offers tailored suggestions based on user preferences and interactions, using EDA for insights and cosine similarity and SVD for precise recommendations.
Language: Jupyter Notebook - Size: 402 KB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

gha3mi/forsvd
ForSVD - A Fortran library for singular value decompostion (SVD) calculation, low-rank approximation, and image compression.
Language: Fortran - Size: 1.58 MB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 2

fiomfd/Julia.image_processing
Here are some examples of Julia programs for image processing of grayscale images.
Language: Julia - Size: 6.21 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

fiomfd/MATLAB.image_processing
Here are some examples of MATLAB programs for image processing of RGB images.
Language: MATLAB - Size: 3.15 MB - Last synced at: about 1 year ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

HarikrishnanNB/Foundations_of_LA_PCA_SVD_with_applications
Language: Jupyter Notebook - Size: 4.56 MB - Last synced at: about 1 year ago - Pushed at: about 6 years ago - Stars: 2 - Forks: 2

ZW-ZHANG/AROPE
This is the official implementation of "Arbitrary-Order Proximity Preserved Network Embedding"(KDD 2018).
Language: Python - Size: 1.67 MB - Last synced at: about 1 month ago - Pushed at: about 6 years ago - Stars: 38 - Forks: 11

zlxy9892/ml_code
A repository for recording the machine learning code
Language: Python - Size: 47.5 MB - Last synced at: about 2 months ago - Pushed at: almost 3 years ago - Stars: 96 - Forks: 57

mrcaidev/statistic-learning-and-pattern-recognition 📦
电子科技大学 2020 级《统计学习与模式识别》课程代码。
Language: Jupyter Notebook - Size: 12.5 MB - Last synced at: 12 months ago - Pushed at: about 2 years ago - Stars: 2 - Forks: 0

mcu-debug/peripheral-viewer
Standalone Peripheral(SVD) Viewer extension extracted from cortex-debug, now works with any debugger
Language: TypeScript - Size: 710 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 7 - Forks: 4

frankthetankdev/svd-movie-recommendations
Using SVD and other methods to compute movie recommendations using fake and real user movie ratings.
Language: MATLAB - Size: 2.23 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

elmot/qemu-lm3s
Cortex-M3 is run under QEMU for CLion testing
Language: C - Size: 101 KB - Last synced at: about 1 month ago - Pushed at: about 3 years ago - Stars: 14 - Forks: 1

OlgaTsuban/Practice_With_DataScience
Language: Jupyter Notebook - Size: 5.38 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

manoharpalanisamy/Machine-Learning
It consists of base machine learning algorithms and applied mathematics has Involved
Language: HTML - Size: 255 MB - Last synced at: about 1 year ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

ThinamXx/TopicModeling__NLP
In this repository, I have performed Topic Modeling using Singular Value Decomposition and Non Negative Matrix Formation along with TFIDF Count Vectors.
Language: Jupyter Notebook - Size: 61.5 KB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 1

Vaibhav67979/Ecommerce-product-recommendation-system
Product Recommendation System is a machine learning-based project that provides personalized product recommendations to users based on their interaction history, similar users, and also the popularity of products.
Language: Jupyter Notebook - Size: 148 KB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 38 - Forks: 13

jaketae/nn-svd
Neural network compression with SVD
Language: Python - Size: 33.2 KB - Last synced at: 2 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

ahish-mahesh/EchoNews
A recommendation engine built using the Apriori algorithm which reflects your preferences in news
Language: Jupyter Notebook - Size: 376 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

SohhamSeal/Attack-on-PCA-Based-Face-Recognition-System
A detailed "cheating" attack on outsourced PCA-based face recognition to explore the vulnerabilities in the system
Language: Jupyter Notebook - Size: 1.91 MB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

phillity/Data-Mining-Machine-Learning
Data Mining and Machine Learning Algorithm Implementations
Language: Python - Size: 29.3 KB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 1

waynemystir/svd
Language: TeX - Size: 1.97 MB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 3 - Forks: 0

lexxai/goit_python_ds_hw_07
surprise svd
Language: Jupyter Notebook - Size: 9.54 MB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

VassilisDrouzas/Numerical-Optimization
My projects for the postgraduate course of 'Numerical Optimization and Large Scale Linear Algebra', AUEB.
Language: Jupyter Notebook - Size: 31.3 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

alirezarahimi1393/Classical-Learning
Welcome to my Classical Learning Projects repository, where I showcase my work in the fields of supervised and unsupervised learning. Here, you'll find code and datasets for various projects, such as classification and clustering tasks, implemented using popular algorithms like decision trees, neural networks, and k-means.
Language: Jupyter Notebook - Size: 309 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Lednik7/RuCode3
Применяем Singular Value Decomposition with implicit feedback для задачи рекомендации аниме
Language: Jupyter Notebook - Size: 24.5 MB - Last synced at: about 1 year ago - Pushed at: almost 4 years ago - Stars: 8 - Forks: 1

bezhvin/Sequential-LRF
Employing sequentiial Low Rank Factorization to DNNs
Language: Shell - Size: 7.17 MB - Last synced at: about 1 year ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 0

SelinaSong0412/linr
‘linr’ is used to fit a linear model with high efficiency. It is implemented by algorithm of three matrix decomposition methods, QR decomposition, Cholesky decomposition and the singular value decomposition (SVD).
Language: R - Size: 81.1 KB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

lpc-rs/lpc-pac
Peripheral Access Crates for LPC microcontrollers
Language: Rust - Size: 9.76 MB - Last synced at: 20 days ago - Pushed at: over 2 years ago - Stars: 9 - Forks: 9

bhrnjica/MagmaSharp 📦
.NET High Level API for MAGMA - Matrix Algebra for GPU and Multicore Architectures.
Language: C++ - Size: 11.9 MB - Last synced at: 9 days ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 0

rmojgani/PhysicsAwareAE
The unsupervised learning problem trains a diffeomorphic spatio-temporal grid, that registers the output sequence of the PDEs onto a non-uniform parameter/time-varying grid, such that the Kolmogorov n-width of the mapped data on the learned grid is minimized.
Language: Jupyter Notebook - Size: 56.1 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 16 - Forks: 4

sadikovi/rustjblas
Off-heap matrices for JBLAS library (Rust -> C++/JNI -> Java)
Language: Fortran - Size: 217 KB - Last synced at: about 1 year ago - Pushed at: about 7 years ago - Stars: 1 - Forks: 0

Nikeshbajaj/Regularization_for_Machine_Learning
Regularization for Machine Learning-RegML GUI
Language: Jupyter Notebook - Size: 772 KB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 6 - Forks: 2

julianluongo/SVD-STFT_Audio_Watermarking
Couple of scripts made in Python for audio watermarking and detection.
Language: Jupyter Notebook - Size: 3.6 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

Saeid-jhn/Digital-Image-Watermarking
Digital Image Watermarking Method Based on Hybrid DWT-HD-SVD Technique: Attacks, PSNR, SSIM, NC
Language: MATLAB - Size: 1020 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 84 - Forks: 25

nihil21/image-approx
Tools that aims at computing an approximation of a given image, which may be used to create abstract images.
Language: Python - Size: 4.32 MB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

liao961120/PPMI
Construct Word Embeddings with PPMI & SVD
Language: Python - Size: 24 MB - Last synced at: 2 months ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 2

dunasi4139/Speech-Signal-Classification-with-SVD-ANN
This project is about the effect of SVD on speech signal classification.
Language: Jupyter Notebook - Size: 43 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

LamKser/MAI391
Mathematics for Machine Learning Computer Project
Language: Jupyter Notebook - Size: 2.21 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Niisc/eigenfaces
Simple C++ code, using arrayfire, that can calculate the eigenfaces using aligned training images. Can also do facial recognition.
Language: C++ - Size: 1.11 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

prithesh07/watermarking_study
Watermarking is one of the advanced technology that is growing which can be very well exploited for a variety of applications. I have done a comparative study of multiple techniques from different domains, implemented them and tested against different attacks.
Language: Python - Size: 1.09 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 3 - Forks: 0
