This repository lists some awesome public MAX platform, Mojo programming language and Multi-Level IR Compiler Framework(MLIR) projects.
- Awesome-MAX-Mojo-MLIR
- Summary
- Model Compilation
- Performance Benchmark
- Package and Version Manager
- Data Structure and Algorithm
- FFI Bindings
- GPU Programming
- Scientific Computation
- Machine Learning
- Test Framework
- Command Line Interpreter
- Parser
- Database
- Date and Time
- Embedded Development
- File Processing
- Image Processing
- Hash Function
- HTTP Framework
- TCP Framework
- Web Framework
- Translation
- Quantitative Trading
- Data Storing and Processing
- GUI
- Blogs
- Videos
- Jobs and Interview
-
-
Mojo🔥 : The Mojo Programming Language. Mojo is a new programming language that bridges the gap between research and production by combining Python syntax and ecosystem with systems programming and metaprogramming features. Mojo is still young, but it is designed to become a superset of Python over time. docs.modular.com/mojo.
-
Mojo std : These are all the modules in the Mojo standard library.
-
Mojo Playground : The Mojo Playground.
-
MAX : MAX is an integrated, composable suite of products that simplifies your AI infrastructure so you can develop, deploy, and innovate faster.
-
MLIR : Multi-Level Intermediate Representation.
-
LLVM : The LLVM Compiler Infrastructure.
-
llvm/llvm-project : The LLVM Project is a collection of modular and reusable compiler and toolchain technologies. llvm.org
-
-
-
mojo-cc/awesome-max-mojo-mlir : A collection of some awesome public MAX platform, Mojo programming language and Multi-Level IR Compiler Framework(MLIR) projects.
-
ego/awesome-mojo : Awesome Mojo🔥 awesome.mojo-lang.dev
-
mojicians/awesome-mojo : A curated list of awesome Mojo 🔥 frameworks, libraries, software and resources.
-
mfranzon/mojo-is-awesome : Curated list of Mojo resources, benchmarks and examples 🔥
-
feep/awesome-mojo : Mojo lang🔥: so awesome it wears sunglasses to protect you.
-
mojo-cn/awesome-mojo-cn : Mojo 生态资源推荐。
-
-
-
- MAX Docs : The Modular Accelerated Xecution (MAX) platform is a unified set of APIs and tools that help you build and deploy high-performance AI pipelines.
-
-
Mojo Docs : Welcome to the Mojo Manual, a complete guide to the Mojo🔥 programming language!
-
Mojo Dojo : Learning Resources for Mojo 🔥
-
rd4com/mojo-learning : 📖 Learn some mojo !
-
helehex/mojo-test : mojo examples, tests, and ideas.
-
Brian-M-J/sicp_mojo : A port of Structure and Interpretation of Computer Programs to Mojo🔥
-
bumbii/code : Coding exercises in multiple programming languages (Python, Mojo...). bumbii.tech
-
HaruTzuki/MojoLessons : MojoLessons.
-
-
-
LLVM Docs : LLVM Documentation.
-
MLIR Docs : MLIR Code Documentation.
-
BBuf/tvm_mlir_learn : compiler learning resources collect.
-
j2kun/mlir-tutorial : This is the code repository for a series of articles on the MLIR framework for building compilers.
-
KEKE046/mlir-tutorial : Hands-On Practical MLIR Tutorial.
-
-
- ByteIR : The ByteIR Project is a ByteDance model compilation solution. ByteIR includes compiler, runtime, and frontends, and provides an end-to-end model compilation solution. byteir.ai
-
Benny-Nottonson/Mojo-Marathons : Mojo Marathons 🔥. Welcome to Mojo Marathons, a monthly competition where the best Mojicians showcase their skills and push Mojo to its limits. Compete for prizes and recognition! 🏆
-
MoSafi2/BlazeSeq : BlazeSeq🔥. Community Spotlight: Outperforming Rust ⚙️ DNA sequence parsing benchmarks by 50% with Mojo 🔥.
-
manatlan/sudoku_resolver : just to compare perf between mojo, nim, java, nodejs, rust and python3 of a same algo.
-
jiel/laplacian_filters_benchmark : benchmark of python and mojo implementations of the Laplacian filter (edge detection).
-
dev0x13/gemm-benchmark-2023 : Benchmarks for modern (2023) high-performance floating-point GEMM implementations.
-
RedKinda/mojo-benchmarks : mojo-benchmarks.
-
RicRax/mojo_vs_python : Different benchmarks implemented in mojo and python.
-
vincentme/onnx-kmeans : 使用ONNX实现传统算法——以Kmeans聚类为例并和python/mojo实现对比; Using ONNX to implement traditional algorithms - taking Kmeans clustering as an example and comparing it with python/mojo.
- Hammad-hab/pkm : Mojo's unoffical package manager.
-
mzaks/compact-dict : A fast and compact Dict implementation in Mojo 🔥
-
mikowals/dynamic_vector.mojo : An experimental drop-in replacement for Mojo stdlib DynamicVector that demonstrates new features using References.
-
Honkware/sort.mojo : sorting algorithms written in Mojo.
-
mzaks/mojo-flx : FlexBuffers implementation in Mojo.
-
mzaks/mojo-trees : Experimental Tree data structures in Mojo.
-
mzaks/mojo-sort : Implementation of different sorting algorithms in Mojo.
-
spcl/pymlir : Python interface for MLIR - the Multi-Level Intermediate Representation.
-
ihnorton/mojo-ffi : Mojo FFI Notes.
-
Benny-Nottonson/glibc.mojo : A wrapper around GLibC for use in Mojo programs, provides higher level functions for accessing C system calls.
-
'gpu' Dialect : This dialect provides middle-level abstractions for launching GPU kernels following a programming model similar to that of CUDA or OpenCL.
-
'amdgpu' Dialect : The AMDGPU dialect provides wrappers around AMD-specific functionality and LLVM intrinsics.
-
AyakaGEMM/Hands-on-MLIR : Hands-on-MLIR.
-
yao-jiashu/KernelCodeGen : GEMM/Conv2d CUDA/HIP kernel code generation using MLIR.
-
-
helehex/moplex : Generalized complex numbers for Mojo🔥
-
helehex/monums : Strange numbers for Mojo🔥
-
helehex/infrared : Geometric Algebra for Mojo🔥
-
keittlab/numojo : Numerics for Mojo.
-
-
-
YichengDWu/matmul.mojo : High Performance Matrix Multiplication in Pure Mojo 🔥. Matmul.🔥 is a high performance muilti-threaded implimentation of the BLIS algorithm in pure Mojo 🔥.
-
codingonion/moblas : BLAS (Basic Linear Algebra Subprograms) library written in mojo programming language.
-
Mojo-Numerics-and-Algorithms-group/NuMojo : A numerics library for the Mojo programming language.
-
tjkessler/mojoml : Linear algebra and machine learning in Mojo 🔥
-
shivasankarka/SciJo : SciJo is a high-performance numerical computation library in Mojo, inspired by NumPy, SciPy, and Scikit-HEP. It offers efficient array operations and mathematical functions and much more for scientific computing.
-
-
-
Torch-MLIR : The Torch-MLIR project aims to provide first class support from the PyTorch ecosystem to the MLIR ecosystem.
-
ONNX-MLIR : Representation and Reference Lowering of ONNX Models in MLIR Compiler Infrastructure.
-
TPU-MLIR : Machine learning compiler based on MLIR for Sophgo TPU.
-
IREE : A retargetable MLIR-based machine learning compiler and runtime toolkit. iree.dev/
-
Basalt : A Machine Learning framework from scratch in Pure Mojo 🔥. Basalt is a stand-alone machine learning framework that leverages the power of Mojo.
-
Endia : Scientific Computing in Mojo 🔥. Endia is a dynamic Array library for Scientific Computing, similar to PyTorch, Numpy and JAX. endia.vercel.app
-
Infermo : Tensors and dynamic Neural Networks in Mojo.
-
MojoNet : MojoNet is a ML/DL framework written in mojo🔥
-
StijnWoestenborghs/gradi-mojo : Gradient Descent in Mojo 🔥
-
tjkessler/mojoml : Linear algebra and machine learning in Mojo 🔥
-
henrithomas/mojo-neural-net : simple neural network implementation in mojo.
-
openxla/iree : IREE: Intermediate Representation Execution Environment. A retargetable MLIR-based machine learning compiler and runtime toolkit. iree.dev/
-
-
-
llama2.mojo : Inference Llama 2 in one file of pure 🔥
-
llm.mojo : port of Andrjey Karpathy's llm.c to Mojo.
-
lKCaverly/mojo_gpt_from_scratch : An implementation of GPT in Mojo From Scratch.
-
Terapines/llama3.mojo : llama3 in mojo🔥
-
-
- lrmantovani10/Stable-Diffusion.mojo : A Mojo implementation of a smaller, Stable Diffusion-like model.
-
- TENBrnak/MNIST_in_mojo : This repository will contain my work as I attempt to develop a neural network in pure Mojo🔥 to solve the MNIST and Fashion MNIST image recognition dataset.
-
- taalhaataahir0102/Mojo-Yolo : Mojo-Yolo.
- guidorice/mojo-pytest : Mojo test runner, pytest plugin (aka pytest-mojo).
- thatstoasty/prism : Mojo CLI Library modeled after Cobra.
- ZacHooper/mojo-json : Json Parser in Mojo.
- sbrunk/duckdb.mojo : Mojo Bindings for DuckDB.
-
mojoto/morrow.mojo : Human-friendly date & time for Mojo 🔥
-
maniartech/mojo-datetime : DateTime library in pure Mojo language.
- YichengDWu/yoho : A compiler written in Mojo 🔥 and generates RISC-V assembly.
- mzaks/mojo-csv : This library provides facilities to read and write data in CSV format according to RFC-4180
-
Benny-Nottonson/MIL : An image library for Mojo, inspired by PIL.
-
fnands/mimage : A library for parsing images in Mojo.
-
f-saez/libjpeg-mojo : FFI bindings for libjpeg.
- mzaks/mojo-hash : A collection of hash functions implemented in Mojo.
-
saviorand/lightbug_http : Simple and fast HTTP framework for Mojo! 🔥
-
thatstoasty/mojo-http-client : Simple socket wrapper and http client for Mojo.
- Jensen-holm/FireTCP : TCP Service framework for the mojo programming language 🔥
-
igorgue/fire : Fire is a web framework written in Mojo (🔥) with some Python (🐍) magic (✨).
-
tkruer/campfire : A web framework for the Mojo programming language.
- msaelices/py2mojo : Automated Python to Mojo code translation.
- f0cii/moxt : A high-performance trading library, written in Mojo and C++, designed to simplify quantitative trading.
- mojo-data/arrow.mojot : Apache Arrow in Mojo🔥
- rd4com/mojo-ui-html : mmediate mode GUI, HTML, CSS, Work in progress, Mojo language.
- Modular Blog
- 2022-04-26,The future of AI depends on Modularity
- 2023-03-23,AI’s compute fragmentation: what matrix multiplication teaches us
- 2023-04-20,The world's fastest unified matrix multiplication
- 2023-05-02,A unified, extensible platform to superpower your AI
- 2023-06-08,Do LLMs eliminate the need for programming languages?
- 2023-08-08,An easy introduction to Mojo🔥 for Python programmers
- 2023-08-18,How Mojo🔥 gets a 35,000x speedup over Python – Part 1
- 2023-08-24,We’ve raised $100M to fix AI infrastructure for the world's developers
- 2023-08-28,How Mojo🔥 gets a 35,000x speedup over Python – Part 2
- 2023-09-06,Mojo🔥 - A journey to 68,000x speedup over Python - Part 3
- 2023-09-07,Mojo🔥 - It’s finally here!
- 2023-10-02,Using Mojo🔥 with Python🐍
- 2023-10-13,Community Spotlight: How I built llama2.🔥 by Aydyn Tairov
- 2023-10-15,Mojo 🔥 - A systems programming language presented at LLVM 2023
- 2023-10-19,Mojo🔥 is now available on Mac
- 2023-11-14,What’s new in Mojo SDK v0.5?
- 2023-11-20,Implementing NumPy style matrix slicing in Mojo🔥
- 2023-11-21,ModCon Mojo 🔥 Contest
- 2023-11-22,ModCon 2023 sessions you don’t want to miss!
- 2023-12-03,Mojo 🔥 Traits Have Arrived!
- 2023-12-04,Key announcements from ModCon 2023
- 2024-01-23,Mojo 🔥 lightning talk ⚡️ one language for all AI programming!
- 2024-01-25,Mojo🔥 SDK v0.7 now available for download!
- 2024-01-29,What is loop unrolling? How you can speed up Mojo🔥 code with @unroll
- 2024-02-02,Community Spotlight: Outperforming Rust ⚙️ DNA sequence parsing benchmarks by 50% with Mojo 🔥
- 2024-02-12,Mojo vs. Rust: is Mojo 🔥 faster than Rust 🦀 ?
- 2024-02-15,Mojo🔥
♥️ Python: Calculating and plotting a Valentine’s day♥️ using Mojo and Python - 2024-02-26,What are dunder methods? A guide in Mojo🔥
- 2024-02-29,MAX is here! What does that mean for Mojo🔥?
- 2024-03-14,Mojo🔥 ❤️ Pi 🥧: Approximating Pi with Mojo🔥 using Monte Carlo methods
- 2024-03-28,The Next Big Step in Mojo🔥 Open Source
- 2024-04-02,What’s new in Mojo 24.2: Mojo Nightly, Enhanced Python Interop, OSS stdlib and more
- 2024-04-08,How to Contribute to Mojo Standard Library: A Step-by-Step Guide
- 2024-04-10,Row-major vs. column-major matrices: a performance analysis in Mojo and NumPy
- 2024-05-02,What’s New in Mojo 24.3: Community Contributions, Pythonic Collections and Core Language Enhancements
- 2024-05-08,Developer Voices: Deep Dive with Chris Lattner on Mojo
- 2024-05-15,What Does Joe Pamer, AI and PL expert, Want From Mojo?
- 2024-05-20,Fast⚡ K-Means Clustering in Mojo🔥: Guide to Porting Python to Mojo🔥 for Accelerated K-Means Clustering
- 2024-05-29,What Ownership is Really About: A Mental Model Approach
- 2024-06-04,Deep Dive into Ownership in Mojo
- 2024-06-07,MAX 24.4 - Introducing Quantization APIs and MAX on macOS
- 2024-06-17,What’s New in Mojo 24.4? Improved collections, new traits, os module features and core language enhancements
- 2024-06-25,What's New in MAX 24.4? MAX on MacOS, Fast Local Llama3, Native Quantization and GGUF Support
- 2024-07-03,A brief guide to the Mojo n-body example
- 2024-07-16,Debugging in Mojo🔥
- 微信公众号「Mojo语言」
- 微信公众号「生信杂货铺」
- 2024-05-10,Mojo 学习 —— 环境配置
- 2024-05-11,Mojo 学习 —— 基本语法
- 2024-05-12,Mojo 学习 —— 数据类型
- 2024-05-13,Mojo 学习 —— 函数
- 2024-05-14,Mojo 学习 —— 结构体
- 2024-05-15,Mojo 学习 —— 值的所有权
- 2024-05-16,Mojo 学习 —— 值的生命周期
- 2024-05-17,Mojo 学习 —— 特性(trait)
- 2024-05-18,Mojo 学习 —— 参数化:编译时元编程
- 2024-05-19,Mojo 学习 —— 装饰器
- 2024-05-20,Mojo 学习 —— 与 Python 交互
- 2024-05-21,Mojo 学习 —— 内置结构与函数
- 2024-05-22,Mojo 学习 —— SIMD
- 2024-05-23,Mojo 学习 —— 指针
- 2024-05-24,Mojo 学习 —— 并行化
- 微信公众号「GiantPandaCV」
- 微信公众号「NeuralTalk」
- Modular
- 2023-05-03,Product Launch 2023 Keynote
- 2023-05-03,Modular Product Keynote in 121 seconds
- 2023-08-26,Speeding up Python code with Mojo🔥: Mandelbrot example
- 2023-09-02,Modular Community Livestream - 6 popular questions and answers
- 2023-10-07,Introduction to Tensors in Mojo🔥
- 2023-10-10,Cross Platform Mojo App with Conda, PyTorch and Matplotlib
- 2023-12-05,ModCon23 Keynote Livestream
- 2024-05-13,Mojo🔥: a deep dive on ownership with Chris Lattner
- 2024-05-24,Mojo Community Meeting #1
- 2024-06-08,Mojo Community Meeting #2
- 2024-06-18,Mojo Community Meeting #3
- 2024-07-23,Mojo Community Meeting #4
- 2024-07-30,Mojo Community Meeting #5
- 2024-08-15,MAX + Mojo Community Meetings #6
- Developer Voices
- ThePrimeTime