Numerical Methods with Python, Numpy and Matplotlib

Overview

Numerical Bric-a-Brac

Collections of numerical techniques with Python and standard computational packages (Numpy, SciPy, Numba, Matplotlib ...).

Differential Equations

Differential Equations describe many physical systems

Notebooks
implicit_solver
GitHub
Implementation of Baraff's "Large steps in cloth simulation."
spring_integrator
Analytic solution to damped spring
poisson_solver
Diffusion problem
laplace_inpainting
Laplace inpainting to restore an image

Optimizations

Those notebooks are the core algorithms for supervised and unsupervised learning in Machine learning.

Machine Learning Notebooks
Supervised Learning
linear_regression
Linear regression from scratch
polynomial_regression
Polynomial regression from scratch
logistic_regression
Logistic regression from scratch
multiclass_classifiation
Multiclass Classification with Scikit-learn
support_vector_machine
Support Vector Machine (SVM) with Scikit-learn
Unsupervised Learning
k_means
K-means clustering from scratch
Other Notebooks
multivariable_optimizations
Multivariable Optimizations (Gradient Descent and Newton's methods)

Linear Algebra

Standard linear algebra algorithms

Notebooks
inverse_kinematic
Inverse kinematics using least square methods to solve the ill-posed problem
radial_basis_kernels
Interpolation with Radial Basis Functions (RBFs)

Graph Theory

Part of discrete mathematics, graph theory is the study of graphs, a structures used to model pairwise relations between objects. Graph theory includes problems such as the travelling salesman problem and the spectral analysis of graph.

Notebooks
graph_matrix
List matrices describing a finite graph.
graph_coloring
Greedy algorithm for graph coloring.
dijkstra
Find the shortest paths between nodes in a graph.
spectral_graph_theory
Spectral Graph Thoery - PLACEHOLDER (WIP).

Neural Network

Artificial neural networks are composed of artificial neurons organized into layers. Neural networks are employed for regression analysis (function approximation) and classification problems.

Notebooks
ConvNets
face_keypoints
Facial keypoints detection
conv_net
Image classification on CIFAR-10 using CNN
res_net
Image classification on CIFAR-10 using ResNet
Generative Models
ae_fashion_mnist
Autoencoder on Fashion MNIST
variational_autoencoder
Variational autoencoder on MNIST

Stencil Codes

Stencil codes are at the heart of many numerical solvers and physical simulation codes. They are of particular interest in scientific computing research for solving partial differential equations, image processing, cellular automata, etc. The Finite Difference Method (FDM) is closely related to stencil codes.

Notebooks
poisson_solver
Diffusion problem
laplace_inpainting
Laplace inpainting to restore an image
convolution
Image processing with convolution kernels
conway
Cellular automata with Conway's game of life rules

Dimensionality Reduction

Dimensionality reduction is the process of converting data from a high-dimensional space to a low-dimensional space (subspace). A lower dimension representation aids in comprehending meaningful properties (such as latent variables), compressing the data, and removing noise from the original data.

Notebooks
pca_transform
Optimal transformation of a point cloud with PCA
svd_compression
Image compression with Singular Value Decomposition
autoencoder
Autoencoder on Fashion MNIST
eigenfaces
Eigenfaces for face recognition on Olivetti faces dataset

Miscellaneous

Random notebooks about dynamic programming and monte carlo methods

Notebooks
markov_chain
Example of ML pipeline with Snakemake
dynamic_programming
Dynamic programming Examples
monte_carlo_integration
Examples of Monte Carlo integrations
subspace_deformation
Skeletal Subspace Deformation
path_tracing
GitHub
Monte Carlo Path Tracing
markov_chain
Generate authors names from the Collection of Poems from Poetry Foundation
Owner
Vincent Bonnet
Vincent Bonnet
Use deep learning, genetic programming and other methods to predict stock and market movements

StockPredictions Use classic tricks, neural networks, deep learning, genetic programming and other methods to predict stock and market movements. Both

Linda MacPhee-Cobb 386 Jan 03, 2023
Face and other object detection using OpenCV and ML Yolo

Object-and-Face-Detection-Using-Yolo- Opencv and YOLO object and face detection is implemented. You only look once (YOLO) is a state-of-the-art, real-

Happy N. Monday 3 Feb 15, 2022
A Haskell kernel for IPython.

IHaskell You can now try IHaskell directly in your browser at CoCalc or mybinder.org. Alternatively, watch a talk and demo showing off IHaskell featur

Andrew Gibiansky 2.4k Dec 29, 2022
InsCLR: Improving Instance Retrieval with Self-Supervision

InsCLR: Improving Instance Retrieval with Self-Supervision This is an official PyTorch implementation of the InsCLR paper. Download Dataset Dataset Im

Zelu Deng 25 Aug 30, 2022
Omniverse sample scripts - A guide for developing with Python scripts on NVIDIA Ominverse

Omniverse sample scripts ここでは、NVIDIA Omniverse ( https://www.nvidia.com/ja-jp/om

ft-lab (Yutaka Yoshisaka) 37 Nov 17, 2022
EfficientMPC - Efficient Model Predictive Control Implementation

efficientMPC Efficient Model Predictive Control Implementation The original algo

Vin 8 Dec 04, 2022
Black box hyperparameter optimization made easy.

BBopt BBopt aims to provide the easiest hyperparameter optimization you'll ever do. Think of BBopt like Keras (back when Theano was still a thing) for

Evan Hubinger 70 Nov 03, 2022
Code release for "Conditional Adversarial Domain Adaptation" (NIPS 2018)

CDAN Code release for "Conditional Adversarial Domain Adaptation" (NIPS 2018) New version: https://github.com/thuml/Transfer-Learning-Library Dataset

THUML @ Tsinghua University 363 Dec 20, 2022
Tandem Mass Spectrum Prediction with Graph Transformers

MassFormer This is the original implementation of MassFormer, a graph transformer for small molecule MS/MS prediction. Check out the preprint on arxiv

Röst Lab 13 Oct 27, 2022
This repository contains the source code and data for reproducing results of Deep Continuous Clustering paper

Deep Continuous Clustering Introduction This is a Pytorch implementation of the DCC algorithms presented in the following paper (paper): Sohil Atul Sh

Sohil Shah 197 Nov 29, 2022
EFENet: Reference-based Video Super-Resolution with Enhanced Flow Estimation

EFENet EFENet: Reference-based Video Super-Resolution with Enhanced Flow Estimation Code is a bit messy now. I woud clean up soon. For training the EF

Yaping Zhao 19 Nov 05, 2022
TorchX is a library containing standard DSLs for authoring and running PyTorch related components for an E2E production ML pipeline.

TorchX is a library containing standard DSLs for authoring and running PyTorch related components for an E2E production ML pipeline

193 Dec 22, 2022
LibMTL: A PyTorch Library for Multi-Task Learning

LibMTL LibMTL is an open-source library built on PyTorch for Multi-Task Learning (MTL). See the latest documentation for detailed introductions and AP

765 Jan 06, 2023
HuSpaCy: industrial-strength Hungarian natural language processing

HuSpaCy: Industrial-strength Hungarian NLP HuSpaCy is a spaCy model and a library providing industrial-strength Hungarian language processing faciliti

HuSpaCy 120 Dec 14, 2022
Privacy-Preserving Machine Learning (PPML) Tutorial Presented at PyConDE 2022

PPML: Machine Learning on Data you cannot see Repository for the tutorial on Privacy-Preserving Machine Learning (PPML) presented at PyConDE 2022 Abst

Valerio Maggio 10 Aug 16, 2022
Kinetics-Data-Preprocessing

Kinetics-Data-Preprocessing Kinetics-400 and Kinetics-600 are common video recognition datasets used by popular video understanding projects like Slow

Kaihua Tang 7 Oct 27, 2022
This is the repository for our paper SimpleTrack: Understanding and Rethinking 3D Multi-object Tracking

SimpleTrack This is the repository for our paper SimpleTrack: Understanding and Rethinking 3D Multi-object Tracking. We are still working on writing t

TuSimple 189 Dec 26, 2022
Continual Learning of Electronic Health Records (EHR).

Continual Learning of Longitudinal Health Records Repo for reproducing the experiments in Continual Learning of Longitudinal Health Records (2021). Re

Jacob 7 Oct 21, 2022
Emotional conditioned music generation using transformer-based model.

This is the official repository of EMOPIA: A Multi-Modal Pop Piano Dataset For Emotion Recognition and Emotion-based Music Generation. The paper has b

hung anna 96 Nov 09, 2022
FinRL­-Meta: A Universe for Data­-Driven Financial Reinforcement Learning. 🔥

FinRL-Meta: A Universe of Market Environments. FinRL-Meta is a universe of market environments for data-driven financial reinforcement learning. Users

AI4Finance Foundation 543 Jan 08, 2023