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
Video Instance Segmentation with a Propose-Reduce Paradigm (ICCV 2021)

Propose-Reduce VIS This repo contains the official implementation for the paper: Video Instance Segmentation with a Propose-Reduce Paradigm Huaijia Li

DV Lab 39 Nov 23, 2022
Molecular AutoEncoder in PyTorch

MolEncoder Molecular AutoEncoder in PyTorch Install $ git clone https://github.com/cxhernandez/molencoder.git && cd molencoder $ python setup.py insta

Carlos Hernández 80 Dec 05, 2022
Open source repository for the code accompanying the paper 'Non-Rigid Neural Radiance Fields Reconstruction and Novel View Synthesis of a Deforming Scene from Monocular Video'.

Non-Rigid Neural Radiance Fields This is the official repository for the project "Non-Rigid Neural Radiance Fields: Reconstruction and Novel View Synt

Facebook Research 296 Dec 29, 2022
Unofficial Implement PU-Transformer

PU-Transformer-pytorch Pytorch unofficial implementation of PU-Transformer (PU-Transformer: Point Cloud Upsampling Transformer) https://arxiv.org/abs/

Lee Hyung Jun 7 Sep 21, 2022
Bottom-up attention model for image captioning and VQA, based on Faster R-CNN and Visual Genome

bottom-up-attention This code implements a bottom-up attention model, based on multi-gpu training of Faster R-CNN with ResNet-101, using object and at

Peter Anderson 1.3k Jan 09, 2023
Official codebase for "B-Pref: Benchmarking Preference-BasedReinforcement Learning" contains scripts to reproduce experiments.

B-Pref Official codebase for B-Pref: Benchmarking Preference-BasedReinforcement Learning contains scripts to reproduce experiments. Install conda env

48 Dec 20, 2022
Implementation of Invariant Point Attention, used for coordinate refinement in the structure module of Alphafold2, as a standalone Pytorch module

Invariant Point Attention - Pytorch Implementation of Invariant Point Attention as a standalone module, which was used in the structure module of Alph

Phil Wang 113 Jan 05, 2023
An Efficient Implementation of Analytic Mesh Algorithm for 3D Iso-surface Extraction from Neural Networks

AnalyticMesh Analytic Marching is an exact meshing solution from neural networks. Compared to standard methods, it completely avoids geometric and top

Karbo 45 Dec 21, 2022
simple_pytorch_example project is a toy example of a python script that instantiates and trains a PyTorch neural network on the FashionMNIST dataset

simple_pytorch_example project is a toy example of a python script that instantiates and trains a PyTorch neural network on the FashionMNIST dataset

Ramón Casero 1 Jan 07, 2022
Deep ViT Features as Dense Visual Descriptors

dino-vit-features [paper] [project page] Official implementation of the paper "Deep ViT Features as Dense Visual Descriptors". We demonstrate the effe

Shir Amir 113 Dec 24, 2022
DeepMoCap: Deep Optical Motion Capture using multiple Depth Sensors and Retro-reflectors

DeepMoCap: Deep Optical Motion Capture using multiple Depth Sensors and Retro-reflectors By Anargyros Chatzitofis, Dimitris Zarpalas, Stefanos Kollias

tofis 24 Oct 08, 2022
constructing maps of intellectual influence from publication data

Influencemap Project @ ANU Influence in the academic communities has been an area of interest for researchers. This can be seen in the popularity of a

CS Metrics 13 Jun 18, 2022
Measuring and Improving Consistency in Pretrained Language Models

ParaRel 🤘 This repository contains the code and data for the paper: Measuring and Improving Consistency in Pretrained Language Models as well as the

Yanai Elazar 26 Dec 02, 2022
Learning recognition/segmentation models without end-to-end training. 40%-60% less GPU memory footprint. Same training time. Better performance.

InfoPro-Pytorch The Information Propagation algorithm for training deep networks with local supervision. (ICLR 2021) Revisiting Locally Supervised Lea

78 Dec 27, 2022
Elastic weight consolidation technique for incremental learning.

Overcoming-Catastrophic-forgetting-in-Neural-Networks Elastic weight consolidation technique for incremental learning. About Use this API if you dont

Shivam Saboo 89 Dec 22, 2022
An implementation of the research paper "Retina Blood Vessel Segmentation Using A U-Net Based Convolutional Neural Network"

Retina Blood Vessels Segmentation This is an implementation of the research paper "Retina Blood Vessel Segmentation Using A U-Net Based Convolutional

Srijarko Roy 23 Aug 20, 2022
implementation for paper "ShelfNet for fast semantic segmentation"

ShelfNet-lightweight for paper (ShelfNet for fast semantic segmentation) This repo contains implementation of ShelfNet-lightweight models for real-tim

Juntang Zhuang 252 Sep 16, 2022
Code Impementation for "Mold into a Graph: Efficient Bayesian Optimization over Mixed Spaces"

Code Impementation for "Mold into a Graph: Efficient Bayesian Optimization over Mixed Spaces" This repo contains the implementation of GEBO algorithm.

Jaeyeon Ahn 2 Mar 22, 2022
Aws-machine-learning-university-accelerated-tab - Machine Learning University: Accelerated Tabular Data Class

Machine Learning University: Accelerated Tabular Data Class This repository contains slides, notebooks, and datasets for the Machine Learning Universi

AWS Samples 916 Dec 23, 2022
you can add any codes in any language by creating its respective folder (if already not available).

HACKTOBERFEST-2021-WEB-DEV Beginner-Hacktoberfest Need Your first pr for hacktoberfest 2k21 ? come on in About This is repository of Responsive Portfo

Suman Sharma 8 Oct 17, 2022