A curated list of awesome libraries, projects, tutorials, papers, and other resources related to Kolmogorov-Arnold Network (KAN). This repository aims to be a comprehensive and organized collection that will help researchers and developers in the world of KAN!
- KAN: Kolmogorov-Arnold Networks : Inspired by the Kolmogorov-Arnold representation theorem, we propose Kolmogorov-Arnold Networks (KANs) as promising alternatives to Multi-Layer Perceptrons (MLPs). While MLPs have fixed activation functions on nodes ("neurons"), KANs have learnable activation functions on edges ("weights"). KANs have no linear weights at all -- every weight parameter is replaced by a univariate function parametrized as a spline. We show that this seemingly simple change makes KANs outperform MLPs in terms of accuracy and interpretability. For accuracy, much smaller KANs can achieve comparable or better accuracy than much larger MLPs in data fitting and PDE solving. Theoretically and empirically, KANs possess faster neural scaling laws than MLPs. For interpretability, KANs can be intuitively visualized and can easily interact with human users. Through two examples in mathematics and physics, KANs are shown to be useful collaborators helping scientists (re)discover mathematical and physical laws. In summary, KANs are promising alternatives for MLPs, opening opportunities for further improving today's deep learning models which rely heavily on MLPs.
- Chebyshev Polynomial-Based Kolmogorov-Arnold Networks
- TKAN: Temporal Kolmogorov-Arnold Networks | code | 
- ReLU-KAN: New Kolmogorov-Arnold Networks that Only Need Matrix Addition, Dot Multiplication, and ReLU | code | 
- U-KAN Makes Strong Backbone for Medical Image Segmentation and Generation| code | 
- Kolmogorov-Arnold Networks (KANs) for Time Series Analysis
- Wav-KAN: Wavelet Kolmogorov-Arnold Networks
- A First Look at Kolmogorov-Arnold Networks in Surrogate-assisted Evolutionary Algorithms | code| 
- 1957-The original Kolmogorov Arnold paper
- 2009-On a constructive proof of Kolmogorov’s superposition theorem
- 2021-The Kolmogorov-Arnold representation theorem revisited
- 2021-The Kolmogorov Superposition Theorem can Break the Curse of Dimension When Approximating High Dimensional Functions
- pykan : Offical implementation for Kolmogorov Arnold Networks | 
- efficient-kan : An efficient pure-PyTorch implementation of Kolmogorov-Arnold Network (KAN). | 
- FastKAN : Very Fast Calculation of Kolmogorov-Arnold Networks (KAN)  | 
- FasterKAN : FasterKAN = FastKAN + RSWAF bases functions and benchmarking with other KANs. Fastest KAN variation as of 5/13/2024, 2 times slower than MLP in backward speed.  | 
- TorchKAN : Simplified KAN Model Using Legendre approximations and Monomial basis functions for Image Classification for MNIST. Achieves 99.5% on MNIST using Conv+LegendreKAN.   | 
- FourierKAN : Pytorch Layer for FourierKAN. It is a layer intended to be a substitution for Linear + non-linear activation |  
- Vision-KAN : PyTorch Implementation of Vision Transformers with KAN layers, built on top ViT. 95% accuracy on CIFAR100 (top-5), 80% on ImageNet1000 (training in progress) | 
- ChebyKAN : Kolmogorov-Arnold Networks (KAN) using Chebyshev polynomials instead of B-splines. | 
- GraphKAN : Implementation of Graph Neural Network version of Kolmogorov Arnold Networks (GraphKAN) | 
- FCN-KAN : Kolmogorov–Arnold Networks with modified activation (using fully connected network to represent the activation) | 
- X-KANeRF : KAN based NeRF with various basis functions like B-Splines, Fourier, Radial Basis Functions, Polynomials, etc | 
- Large Kolmogorov-Arnold Networks : Variations of Kolmogorov-Arnold Networks (including CUDA-supported KAN convolutions) | 
- xKAN : Kolmogorov-Arnold Networks with various basis functions like B-Splines, Fourier, Chebyshev, Wavelets etc | 
- JacobiKAN : Kolmogorov-Arnold Networks (KAN) using Jacobi polynomials instead of B-splines. | 
- GraphKAN : Implementation of Graph Neural Network version of Kolmogorov Arnold Networks (GraphKAN) | 
- OrthogPolyKAN : Kolmogorov-Arnold Networks (KAN) using orthogonal polynomials instead of B-splines. | 
- kansformers : Kansformers: Transformers using KANs | 
- Deep-KAN: Better implementation of Kolmogorov Arnold Network  | 
- RBF-KAN: RBF-KAN is a PyTorch module that implements a Radial Basis Function Kolmogorov-Arnold Network  | 
- KolmogorovArnold.jl : Very fast Julia implementation of KANs with RBF and RSWAF basis. Extra speedup is gained by writing custom gradients to share work between forward and backward pass. | 
- Wav-KAN: Wav-KAN: Wavelet Kolmogorov-Arnold Networks  | 
- KANX : Fast Implementation (Approximation) of Kolmogorov-Arnold Network in JAX  | 
- jaxKAN : Adaptation of the original KAN (with full regularization) in JAX + Flax | 
- cuda-Wavelet-KAN : CUDA implementation of Wavelet KAN.  | 
- FlashKAN: Grid size-independent computation of Kolmogorov Arnold networks | 
- BSRBF_KAN: Combine B-Spline (BS) and Radial Basic Function (RBF) in Kolmogorov-Arnold Networks (KANs) | 
- TaylorKAN: Kolmogorov-Arnold Networks (KAN) using Taylor series instead of Fourier | 
- Convolutional-KANs : This project extends the idea of the innovative architecture of Kolmogorov-Arnold Networks (KAN) to the Convolutional Layers, changing the classic linear transformation of the convolution to non linear activations in each pixel. | 
- Conv-KAN : This repository implements Convolutional Kolmogorov-Arnold Layers with various basis functions. The repository includes implementations of 1D, 2D, and 3D convolutions with different kernels, ResNet-like, Unet-like, and DenseNet-like models, training code based on accelerate/PyTorch, and scripts for experiments with CIFAR-10/100, Tiny ImageNet and ImageNet1k. Pretrained weights on ImageNet1k are also available | 
- convkan : Implementation of convolutional layer version of KAN (drop-in replacement of Conv2d) | 
- KA-Conv : Kolmogorov-Arnold Convolutional Networks with Various Basis Functions (Optimization for Efficiency and GPU memory usage) | 
- KAN-Conv2D : Drop-in Convolutional KAN built on multiple implementations (Original pykan / efficient-kan / FastKAN) to support the original paper hyperparameters. | 
- CNN-KAN : A modified CNN architecture using Kolmogorov-Arnold Networks | 
- ConvKAN3D : 3D Convolutional Layer built on top of the efficient-kan implementation (importable Python package from PyPi), drop-in replacement of Conv3d.
- KAN-benchmarking : Benchmark for efficiency in memory and time of different KAN implementations. | 
- seydi1370/Basis_Functions : This packaege investigates the performance of 18 different polynomial basis functions, grouped into several categories based on their mathematical properties and areas of application. The study evaluates the effectiveness of these polynomial-based KANs on the MNIST dataset for handwritten digit classification. | 
- KolmogorovArnold.jl : Very fast Julia implementation of KANs with RBF and RSWAF basis. Extra speedup is gained by writing custom gradients to share work between forward and backward pass. | 
- kan-polar : Kolmogorov-Arnold Networks in MATLAB | 
- kamo : Kolmogorov-Arnold Networks in Mojo | 
- Building a Kolmogorov-Arnold Neural Network in C
- high-order-layers-torch : High order piecewise polynomial neural networks using Chebyshev polynomials at Gauss Lobatto nodes (lagrange polynomials). Includes convolutional layers as well HP refinement for non convolutional layers, linear initialization and various applications in the linked repos with varrying levels of success. Euler equations of fluid dynamics, nlp, implicit representation and more | 
- KAN-GPT : The PyTorch implementation of Generative Pre-trained Transformers (GPTs) using Kolmogorov-Arnold Networks (KANs) for language modeling | 
- KAN-GPT-2 : Training small GPT-2 style models using Kolmogorov-Arnold networks.(despite the KAN model having 25% fewer parameters!). | 
- KANeRF : Kolmogorov-Arnold Network (KAN) based NeRF | 
- Vision-KAN : KAN for Vision Transformer | 
- Simple-KAN-4-Time-Series : A simple feature-based time series classifier using Kolmogorov–Arnold Networks | 
- KANU_Net : U-Net architecture with Kolmogorov-Arnold Convolutions (KA convolutions)  | 
- kanrl : Kolmogorov-Arnold Network for Reinforcement Leaning, initial experiments | 
- kan-diffusion : Applying KANs to Denoising Diffusion Models with two-layer KAN able to restore images almost as good as 4-layer MLP (and 30% less parameters). | 
- KAN4Rec : Implementation of Kolmogorov-Arnold Network (KAN) for Recommendations | 
- CF-KAN : Kolmogorov-Arnold Network (KAN) implementation for collaborative filtering (CF) | 
- X-KANeRF : X-KANeRF: KAN-based NeRF with Various Basis Functions to explain the the NeRF formula | 
- KAN4Graph : Implementation of Kolmogorov-Arnold Network (KAN) for Graph Neural Networks (GNNs) and Tasks on Graphs | 
- ImplicitKAN : Kolmogorov-Arnold Network (KAN) as an implicit function for images and other modalities | 
- ThangKAN : Kolmogorov-Arnold Network (KAN) for text classification over GLUE tasks | 
- JianpanHuang/KAN : This repository contains a demo of regression task (curve fitting) using an efficient Kolmogorov-Arnold Network. | 
- Fraud Detection in Supply Chains Using Kolmogorov Arnold Networks | 
- KAN Hacker news discussion
- Can Kolmogorov–Arnold Networks (KAN) beat MLPs?
- Twitter thinks they killed MLPs. But what are Kolmogorov-Arnold Networks?
- [D] Kolmogorov-Arnold Network is just an MLP
- KAN: Kolmogorov–Arnold Networks: A review : This review raises 4 major criticisms of the paper KAN: Kolmogorov-Arnold Networks. "MLPs have learnable activation functions as well", "The content of the paper does not justify the name, Kolmogorov-Arnold networks (KANs)", "KANs are MLPs with spline-basis as the activation function" and "KANs do not beat the curse of dimensionality" unlike claimed.
- KAN Author's twitter introduction
- pg2455/KAN-Tutorial  | 
- A Simplified Explanation Of The New Kolmogorov-Arnold Network (KAN) from MIT
- A from-scratch implementation of Kolmogorov-Arnold Networks (KAN)…and MLP | GitHub Code
- team-daniel/KAN : Implementation on how to use Kolmogorov-Arnold Networks (KANs) for classification and regression tasks.| 
- vincenzodentamaro/keras-FastKAN : Tensorflow Keras implementation of FastKAN Kolmogorov Arnold Network| 
- Official Tutorial Notebooks
- imodelsX examples with KAN : Scikit-learn wrapper for tabular data for KAN (Kolmogorov Arnold Network)
- What is the new Neural Network Architecture?(KAN) Kolmogorov-Arnold Networks Explained
- KAN: Kolmogorov–Arnold Networks — A Short Summary
- What is the significance of the Kolmogorov axioms for Mathematical Probability?
- Andrey Kolmogorov — one of the greatest mathematicians of the XXth century
- Unpacking Kolmogorov-Arnold Networks : Edge-Based Activation: Exploring the Mathematical Foundations and Practical Implications of KANs
- Why is the (KAN) Kolmogorov-Arnold Networks so promising
- Demystifying Kolmogorov-Arnold Networks: A Beginner-Friendly Guide with Code
- KANvas : Provide quick & intuitive interaction for people to try KAN
- KAN-Tutorial: Understanding Kolmogorov-Arnold Networks: A Tutorial Series on KAN using Toy Examples
- KAN: Kolmogorov-Arnold Networks | Ziming Liu(KAN Author)
- Why the world NEEDS Kolmogorov Arnold Networks
- Kolmogorov-Arnold Networks: MLP vs KAN, Math, B-Splines, Universal Approximation Theorem
- Didn't Graduate Guide to: Kolmogorov-Arnold Networks
- 超越谷歌DeepMind的最新大作:KAN全网最详细解读!
- Kolmogorov Arnold Networks (KAN) Paper Explained - An exciting new paradigm for Deep Learning?
- KAN: Kolmogorov-Arnold Networks Explained
- Kolmogorov-Arnold Networks (KANs) and Lennard Jones
- Simply explained! KAN: Kolmogorov–Arnold Networks is interpretable! Mathematics and Physics
- 用KAN拟合环境光渲染的查找表 | code
We welcome your contributions! Please follow these steps to contribute:
- Fork the repo.
- Create a new branch (e.g., feature/new-kan-resource).
- Commit your changes to the new branch.
- Create a Pull Request, and provide a brief description of the changes/additions.
Please make sure that the resources you add are relevant to the field of Kolmogorov-Arnold Network. Before contributing, take a look at the existing resources to avoid duplicates.
This work is licensed under a Creative Commons Attribution 4.0 International License.