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
Official Pytorch implementation of ICLR 2018 paper Deep Learning for Physical Processes: Integrating Prior Scientific Knowledge.

Deep Learning for Physical Processes: Integrating Prior Scientific Knowledge: Official Pytorch implementation of ICLR 2018 paper Deep Learning for Phy

emmanuel 47 Nov 06, 2022
Deep Learning Head Pose Estimation using PyTorch.

Hopenet is an accurate and easy to use head pose estimation network. Models have been trained on the 300W-LP dataset and have been tested on real data with good qualitative performance.

Nataniel Ruiz 1.3k Dec 26, 2022
A Python toolbox to create adversarial examples that fool neural networks in PyTorch, TensorFlow, and JAX

Foolbox Native: Fast adversarial attacks to benchmark the robustness of machine learning models in PyTorch, TensorFlow, and JAX Foolbox is a Python li

Bethge Lab 2.4k Dec 25, 2022
VR Viewport Pose Model for Quantifying and Exploiting Frame Correlations

This repository contains the introduction to the collected VRViewportPose dataset and the code for the IEEE INFOCOM 2022 paper: "VR Viewport Pose Model for Quantifying and Exploiting Frame Correlatio

0 Aug 10, 2022
Image Classification - A research on image classification and auto insurance claim prediction, a systematic experiments on modeling techniques and approaches

A research on image classification and auto insurance claim prediction, a systematic experiments on modeling techniques and approaches

0 Jan 23, 2022
An interactive DNN Model deployed on web that predicts the chance of heart failure for a patient with an accuracy of 98%

Heart Failure Predictor About A Web UI deployed Dense Neural Network Model Made using Tensorflow that predicts whether the patient is healthy or has c

Adit Ahmedabadi 0 Jan 09, 2022
FedML: A Research Library and Benchmark for Federated Machine Learning

FedML: A Research Library and Benchmark for Federated Machine Learning 📄 https://arxiv.org/abs/2007.13518 News 2021-02-01 (Award): #NeurIPS 2020# Fed

FedML-AI 2.3k Jan 08, 2023
Python script to download the celebA-HQ dataset from google drive

download-celebA-HQ Python script to download and create the celebA-HQ dataset. WARNING from the author. I believe this script is broken since a few mo

133 Dec 21, 2022
The pytorch implementation of SOKD (BMVC2021).

Semi-Online Knowledge Distillation Implementations of SOKD. Requirements This repo was tested with Python 3.8, PyTorch 1.5.1, torchvision 0.6.1, CUDA

4 Dec 19, 2021
Python Interview Questions

Python Interview Questions Clone the code to your computer. You need to understand the code in main.py and modify the content in if __name__ =='__main

ClassmateLin 575 Dec 28, 2022
Code accompanying the NeurIPS 2021 paper "Generating High-Quality Explanations for Navigation in Partially-Revealed Environments"

Generating High-Quality Explanations for Navigation in Partially-Revealed Environments This work presents an approach to explainable navigation under

RAIL Group @ George Mason University 1 Oct 28, 2022
A parallel framework for population-based multi-agent reinforcement learning.

MALib: A parallel framework for population-based multi-agent reinforcement learning MALib is a parallel framework of population-based learning nested

MARL @ SJTU 348 Jan 08, 2023
PyTorch implementation of our ICCV paper DeFRCN: Decoupled Faster R-CNN for Few-Shot Object Detection.

Introduction This repo contains the official PyTorch implementation of our ICCV paper DeFRCN: Decoupled Faster R-CNN for Few-Shot Object Detection. Up

133 Dec 29, 2022
Unified Instance and Knowledge Alignment Pretraining for Aspect-based Sentiment Analysis

Unified Instance and Knowledge Alignment Pretraining for Aspect-based Sentiment Analysis Requirements python 3.7 pytorch-gpu 1.7 numpy 1.19.4 pytorch_

12 Oct 29, 2022
This repository stores the code to reproduce the results published in "TiWS-iForest: Isolation Forest in Weakly Supervised and Tiny ML scenarios"

TinyWeaklyIsolationForest This repository stores the code to reproduce the results published in "TiWS-iForest: Isolation Forest in Weakly Supervised a

2 Mar 21, 2022
[CVPR'21] DeepSurfels: Learning Online Appearance Fusion

DeepSurfels: Learning Online Appearance Fusion Paper | Video | Project Page This is the official implementation of the CVPR 2021 submission DeepSurfel

Online Reconstruction 52 Nov 14, 2022
Using the provided dataset which includes various book features, in order to predict the price of books, using various proposed methods and models.

Using the provided dataset which includes various book features, in order to predict the price of books, using various proposed methods and models.

Nikolas Petrou 1 Jan 13, 2022
Official repository for the paper, MidiBERT-Piano: Large-scale Pre-training for Symbolic Music Understanding.

MidiBERT-Piano Authors: Yi-Hui (Sophia) Chou, I-Chun (Bronwin) Chen Introduction This is the official repository for the paper, MidiBERT-Piano: Large-

137 Dec 15, 2022
code for "Self-supervised edge features for improved Graph Neural Network training",

Self-supervised edge features for improved Graph Neural Network training Data availability: Here is a link to the raw data for the organoids dataset.

Neal Ravindra 23 Dec 02, 2022
DCSL - Generalizable Crowd Counting via Diverse Context Style Learning

DCSL Generalizable Crowd Counting via Diverse Context Style Learning Requirement

3 Jun 13, 2022