Ecosyste.ms: Awesome
An open API service indexing awesome lists of open source software.
awesome-mojo-max-mlir
A collection of some awesome public MAX platform, Mojo programming language projects.
https://github.com/coderonion/awesome-mojo-max-mlir
Last synced: about 14 hours ago
JSON representation
-
Machine Learning
- tjkessler/mojoml
- Endia - org/Endia?style=social"/> : Scientific Computing in Mojo 🔥. Endia is a dynamic Array library for Scientific Computing, similar to PyTorch, Numpy and JAX. [endia.vercel.app](https://endia.vercel.app/)
- openxla/iree - based machine learning compiler and runtime toolkit. [iree.dev/](http://iree.dev/)
- TENBrnak/MNIST_in_mojo
- Infermo
- MojoNet - sd/MojoNet?style=social"/> : MojoNet is a ML/DL framework written in mojo🔥
- StijnWoestenborghs/gradi-mojo - mojo?style=social"/> : Gradient Descent in Mojo 🔥
- henrithomas/mojo-neural-net - neural-net?style=social"/> : simple neural network implementation in mojo.
- llama2.mojo
- llm.mojo
- lKCaverly/mojo_gpt_from_scratch
- Terapines/llama3.mojo
- lrmantovani10/Stable-Diffusion.mojo - Diffusion.mojo?style=social"/> : A Mojo implementation of a smaller, Stable Diffusion-like model.
- TENBrnak/MNIST_in_mojo
- taalhaataahir0102/Mojo-Yolo - Yolo?style=social"/> : Mojo-Yolo.
- Torch-MLIR - mlir?style=social"/> : The Torch-MLIR project aims to provide first class support from the PyTorch ecosystem to the MLIR ecosystem.
- ONNX-MLIR - mlir?style=social"/> : Representation and Reference Lowering of ONNX Models in MLIR Compiler Infrastructure.
- IREE - org/iree?style=social"/> : A retargetable MLIR-based machine learning compiler and runtime toolkit. [iree.dev/](http://iree.dev/)
- Basalt - org/basalt?style=social"/> : A Machine Learning framework from scratch in Pure Mojo 🔥. Basalt is a stand-alone machine learning framework that leverages the power of Mojo.
- Endia - org/Endia?style=social"/> : Scientific Computing in Mojo 🔥. Endia is a dynamic Array library for Scientific Computing, similar to PyTorch, Numpy and JAX. [endia.vercel.app](https://endia.vercel.app/)
- Torch-MLIR - mlir?style=social"/> : The Torch-MLIR project aims to provide first class support from the PyTorch ecosystem to the MLIR ecosystem.
- ONNX-MLIR - mlir?style=social"/> : Representation and Reference Lowering of ONNX Models in MLIR Compiler Infrastructure.
- TPU-MLIR - mlir?style=social"/> : Machine learning compiler based on MLIR for Sophgo TPU.
- IREE - org/iree?style=social"/> : A retargetable MLIR-based machine learning compiler and runtime toolkit. [iree.dev/](http://iree.dev/)
- Basalt - org/basalt?style=social"/> : A Machine Learning framework from scratch in Pure Mojo 🔥. Basalt is a stand-alone machine learning framework that leverages the power of Mojo.
- Endia - org/Endia?style=social"/> : Scientific Computing in Mojo 🔥. Endia is a dynamic Array library for Scientific Computing, similar to PyTorch, Numpy and JAX. [endia.vercel.app](https://endia.vercel.app/)
- Infermo
- MojoNet - sd/MojoNet?style=social"/> : MojoNet is a ML/DL framework written in mojo🔥
- StijnWoestenborghs/gradi-mojo - mojo?style=social"/> : Gradient Descent in Mojo 🔥
- henrithomas/mojo-neural-net - neural-net?style=social"/> : simple neural network implementation in mojo.
- llama2.mojo
- llm.mojo
- lKCaverly/mojo_gpt_from_scratch
- Terapines/llama3.mojo
- lrmantovani10/Stable-Diffusion.mojo - Diffusion.mojo?style=social"/> : A Mojo implementation of a smaller, Stable Diffusion-like model.
- TENBrnak/MNIST_in_mojo
- taalhaataahir0102/Mojo-Yolo - Yolo?style=social"/> : Mojo-Yolo.
- TPU-MLIR - mlir?style=social"/> : Machine learning compiler based on MLIR for Sophgo TPU. TPU-MLIR is an open-source machine-learning compiler based on MLIR for TPU. This project provides a complete toolchain, which can convert pre-trained neural networks from different frameworks into binary files bmodel that can be efficiently operated on TPUs.
- ByteIR - to-end model compilation solution. [byteir.ai](https://byteir.ai/)
- Xilinx/mlir-aie - aie?style=social"/> : An MLIR-based toolchain for AMD AI Engine-enabled devices. This repository contains an MLIR-based toolchain for AI Engine-enabled devices, such as [AMD Ryzen™ AI](https://www.amd.com/en/products/processors/consumer/ryzen-ai.html) and [Versal™](https://www.xilinx.com/products/technology/ai-engine.html).
- tjkessler/mojoml
-
Blogs
- 2024-05-23,Mojo 学习 —— 指针
- 2024-05-24,Mojo 学习 —— 并行化
- 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-03-03,LLVM之父发起的Mojo比Rust速度更快吗?
- 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 学习 —— 并行化
- 2023-06-25,MLIR_对自定义IR Dialect编写bufferization pass
- 2023-06-16,SIMD 指令集与数据并行程序
- Modular Blog
- 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🐍
- 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
- 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-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🔥
- 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🔥
- 2024-03-03,LLVM之父发起的Mojo比Rust速度更快吗?
- 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 学习 —— 并行化
- 2023-06-25,MLIR_对自定义IR Dialect编写bufferization pass
- 2023-06-16,SIMD 指令集与数据并行程序
-
Scientific Computation
- keittlab/numojo
- helehex/moplex
- helehex/monums
- helehex/infrared
- keittlab/numojo
- YichengDWu/matmul.mojo - threaded implimentation of the [BLIS](https://en.wikipedia.org/wiki/BLIS_(software)) algorithm in pure Mojo 🔥.
- helehex/moplex
- helehex/monums
- helehex/infrared
- keittlab/numojo
- YichengDWu/matmul.mojo - threaded implimentation of the [BLIS](https://en.wikipedia.org/wiki/BLIS_(software)) algorithm in pure Mojo 🔥.
- codingonion/moblas
- Mojo-Numerics-and-Algorithms-group/NuMojo - Numerics-and-Algorithms-group/NuMojo?style=social"/> : A numerics library for the Mojo programming language.
- codingonion/moblas
- Mojo-Numerics-and-Algorithms-group/NuMojo - Numerics-and-Algorithms-group/NuMojo?style=social"/> : A numerics library for the Mojo programming language.
- shivasankarka/SciJo - 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.
- shivasankarka/SciJo - 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.
-
Summary
- Mojo Docs
- mojo-cc/awesome-max-mojo-mlir - cc/awesome-max-mojo-mlir?style=social"/> : A collection of some awesome public MAX platform, Mojo programming language and Multi-Level IR Compiler Framework(MLIR) projects.
- Mojo🔥
- Mojo Playground
- MAX
- MLIR - Level Intermediate Representation.
- LLVM
- llvm/llvm-project - project?style=social"/> : The LLVM Project is a collection of modular and reusable compiler and toolchain technologies. [llvm.org](http://llvm.org/)
- ego/awesome-mojo - mojo?style=social"/> : Awesome Mojo🔥 [awesome.mojo-lang.dev](https://awesome.mojo-lang.dev/)
- mojicians/awesome-mojo - mojo?style=social"/> : A curated list of awesome Mojo 🔥 frameworks, libraries, software and resources.
- mfranzon/mojo-is-awesome - is-awesome?style=social"/> : Curated list of Mojo resources, benchmarks and examples 🔥
- feep/awesome-mojo - mojo?style=social"/> : Mojo lang🔥: so awesome it wears sunglasses to protect you.
- mojo-cn/awesome-mojo-cn - cn/awesome-mojo-cn?style=social"/> : Mojo 生态资源推荐。
- MAX Docs - performance AI pipelines.
- Mojo Docs
- Mojo Dojo
- rd4com/mojo-learning - learning?style=social"/> : 📖 Learn some mojo !
- helehex/mojo-test - test?style=social"/> : mojo examples, tests, and ideas.
- Brian-M-J/sicp_mojo - M-J/sicp_mojo?style=social"/> : A port of Structure and Interpretation of Computer Programs to Mojo🔥
- bumbii/code
- Mojo Playground
- MAX
- MLIR - Level Intermediate Representation.
- LLVM
- llvm/llvm-project - project?style=social"/> : The LLVM Project is a collection of modular and reusable compiler and toolchain technologies. [llvm.org](http://llvm.org/)
- ego/awesome-mojo - mojo?style=social"/> : Awesome Mojo🔥 [awesome.mojo-lang.dev](https://awesome.mojo-lang.dev/)
- mojicians/awesome-mojo - mojo?style=social"/> : A curated list of awesome Mojo 🔥 frameworks, libraries, software and resources.
- mfranzon/mojo-is-awesome - is-awesome?style=social"/> : Curated list of Mojo resources, benchmarks and examples 🔥
- feep/awesome-mojo - mojo?style=social"/> : Mojo lang🔥: so awesome it wears sunglasses to protect you.
- mojo-cn/awesome-mojo-cn - cn/awesome-mojo-cn?style=social"/> : Mojo 生态资源推荐。
- MAX Docs - performance AI pipelines.
- Mojo Docs
- Mojo Dojo
- rd4com/mojo-learning - learning?style=social"/> : 📖 Learn some mojo !
- helehex/mojo-test - test?style=social"/> : mojo examples, tests, and ideas.
- Brian-M-J/sicp_mojo - M-J/sicp_mojo?style=social"/> : A port of Structure and Interpretation of Computer Programs to Mojo🔥
- bumbii/code
- HaruTzuki/MojoLessons
- LLVM Docs
- MLIR Docs
- BBuf/tvm_mlir_learn
- j2kun/mlir-tutorial - tutorial?style=social"/> : This is the code repository for a series of articles on the [MLIR framework](https://mlir.llvm.org/) for building compilers.
- KEKE046/mlir-tutorial - tutorial?style=social"/> : Hands-On Practical MLIR Tutorial.
- HaruTzuki/MojoLessons
- LLVM Docs
- MLIR Docs
- BBuf/tvm_mlir_learn
- j2kun/mlir-tutorial - tutorial?style=social"/> : This is the code repository for a series of articles on the [MLIR framework](https://mlir.llvm.org/) for building compilers.
- KEKE046/mlir-tutorial - tutorial?style=social"/> : Hands-On Practical MLIR Tutorial.
- awesome-cuda-triton-hpc - cuda-triton-hpc?style=social"/> : A collection of some awesome public [CUDA](https://developer.nvidia.com/cuda-zone), [cuBLAS](https://developer.nvidia.com/cublas), [cuDNN](https://developer.nvidia.com/cudnn), [CUTLASS](https://github.com/NVIDIA/cutlass), [TensorRT](https://developer.nvidia.com/tensorrt), [TensorRT-LLM](https://nvidia.github.io/TensorRT-LLM/), [Triton](https://triton-lang.org), [MLIR](https://mlir.llvm.org/) and High Performance Computing (HPC) projects.
- MAX Docs - performance AI pipelines.
-
Performance Benchmark
- manatlan/sudoku_resolver
- jiel/laplacian_filters_benchmark
- dev0x13/gemm-benchmark-2023 - benchmark-2023?style=social"/> : Benchmarks for modern (2023) high-performance floating-point GEMM implementations.
- RedKinda/mojo-benchmarks - benchmarks?style=social"/> : mojo-benchmarks.
- RicRax/mojo_vs_python
- vincentme/onnx-kmeans - kmeans?style=social"/> : 使用ONNX实现传统算法——以Kmeans聚类为例并和python/mojo实现对比; Using ONNX to implement traditional algorithms - taking Kmeans clustering as an example and comparing it with python/mojo.
- Benny-Nottonson/Mojo-Marathons - Nottonson/Mojo-Marathons?style=social"/> : 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
- manatlan/sudoku_resolver
- jiel/laplacian_filters_benchmark
- dev0x13/gemm-benchmark-2023 - benchmark-2023?style=social"/> : Benchmarks for modern (2023) high-performance floating-point GEMM implementations.
- RedKinda/mojo-benchmarks - benchmarks?style=social"/> : mojo-benchmarks.
- RicRax/mojo_vs_python
- vincentme/onnx-kmeans - kmeans?style=social"/> : 使用ONNX实现传统算法——以Kmeans聚类为例并和python/mojo实现对比; Using ONNX to implement traditional algorithms - taking Kmeans clustering as an example and comparing it with python/mojo.
- Benny-Nottonson/Mojo-Marathons - Nottonson/Mojo-Marathons?style=social"/> : 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
-
Package and Version Manager
- Hammad-hab/pkm - hab/pkm?style=social"/> : Mojo's unoffical package manager.
- Hammad-hab/pkm - hab/pkm?style=social"/> : Mojo's unoffical package manager.
-
Data Structure and Algorithm
- mzaks/compact-dict - dict?style=social"/> : A fast and compact Dict implementation in Mojo 🔥
- mikowals/dynamic_vector.mojo - in replacement for Mojo stdlib DynamicVector that demonstrates new features using References.
- Honkware/sort.mojo
- mzaks/mojo-flx - flx?style=social"/> : FlexBuffers implementation in Mojo.
- mzaks/mojo-trees - trees?style=social"/> : Experimental Tree data structures in Mojo.
- mzaks/mojo-sort - sort?style=social"/> : Implementation of different sorting algorithms in Mojo.
- mzaks/compact-dict - dict?style=social"/> : A fast and compact Dict implementation in Mojo 🔥
- mikowals/dynamic_vector.mojo - in replacement for Mojo stdlib DynamicVector that demonstrates new features using References.
- Honkware/sort.mojo
- mzaks/mojo-flx - flx?style=social"/> : FlexBuffers implementation in Mojo.
- mzaks/mojo-trees - trees?style=social"/> : Experimental Tree data structures in Mojo.
- mzaks/mojo-sort - sort?style=social"/> : Implementation of different sorting algorithms in Mojo.
-
FFI Bindings
- ihnorton/mojo-ffi - ffi?style=social"/> : Mojo FFI Notes.
- Benny-Nottonson/glibc.mojo - Nottonson/glibc.mojo?style=social"/> : A wrapper around GLibC for use in Mojo programs, provides higher level functions for accessing C system calls.
- spcl/pymlir - the Multi-Level Intermediate Representation.
- ihnorton/mojo-ffi - ffi?style=social"/> : Mojo FFI Notes.
- Benny-Nottonson/glibc.mojo - Nottonson/glibc.mojo?style=social"/> : A wrapper around GLibC for use in Mojo programs, provides higher level functions for accessing C system calls.
- pyMLIR - the Multi-Level Intermediate Representation. pyMLIR is a full Python interface to parse, process, and output [MLIR](https://mlir.llvm.org/) files according to the syntax described in the [MLIR documentation](https://github.com/llvm/llvm-project/tree/master/mlir/docs). pyMLIR supports the basic dialects and can be extended with other dialects.
-
GPU Programming
- 'gpu' Dialect - level abstractions for launching GPU kernels following a programming model similar to that of CUDA or OpenCL.
- 'amdgpu' Dialect - specific functionality and LLVM intrinsics.
- AyakaGEMM/Hands-on-MLIR - on-MLIR?style=social"/> : Hands-on-MLIR.
- yao-jiashu/KernelCodeGen - jiashu/KernelCodeGen?style=social"/> : GEMM/Conv2d CUDA/HIP kernel code generation using MLIR.
- 'gpu' Dialect - level abstractions for launching GPU kernels following a programming model similar to that of CUDA or OpenCL.
- 'amdgpu' Dialect - specific functionality and LLVM intrinsics.
- AyakaGEMM/Hands-on-MLIR - on-MLIR?style=social"/> : Hands-on-MLIR.
- yao-jiashu/KernelCodeGen - jiashu/KernelCodeGen?style=social"/> : GEMM/Conv2d CUDA/HIP kernel code generation using MLIR.
-
Test Framework
- guidorice/mojo-pytest - pytest?style=social"/> : Mojo test runner, pytest plugin (aka pytest-mojo).
- guidorice/mojo-pytest - pytest?style=social"/> : Mojo test runner, pytest plugin (aka pytest-mojo).
-
Command Line Interpreter
-
Parser
- ZacHooper/mojo-json - json?style=social"/> : Json Parser in Mojo.
- ZacHooper/mojo-json - json?style=social"/> : Json Parser in Mojo.
-
Database
-
Videos
- 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
- 2024-02-10,Mojo Is FASTER Than Rust
- 2024-02-16,[UPDATE
- 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
- 2024-02-10,Mojo Lang - Tomorrow's High Performance Python? (with Chris Lattner)
- 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
- 2024-02-10,Mojo Lang - Tomorrow's High Performance Python? (with Chris Lattner)
- 2024-02-10,Mojo Is FASTER Than Rust
- 2024-02-16,[UPDATE
-
Jobs and Interview
-
Model Compilation
- ByteIR - to-end model compilation solution. [byteir.ai](https://byteir.ai/)
-
Embedded Development
- YichengDWu/yoho - V assembly.
- YichengDWu/yoho - V assembly.
-
File Processing
- mzaks/mojo-csv - csv?style=social"/> : This library provides facilities to read and write data in CSV format according to [RFC-4180](https://www.rfc-editor.org/rfc/rfc4180)
- mzaks/mojo-csv - csv?style=social"/> : This library provides facilities to read and write data in CSV format according to [RFC-4180](https://www.rfc-editor.org/rfc/rfc4180)
-
Date and Time
- mojoto/morrow.mojo - friendly date & time for Mojo 🔥
- maniartech/mojo-datetime - datetime?style=social"/> : DateTime library in pure Mojo language.
- maniartech/mojo-datetime - datetime?style=social"/> : DateTime library in pure Mojo language.
- mojoto/morrow.mojo - friendly date & time for Mojo 🔥
-
Image Processing
- Benny-Nottonson/MIL - Nottonson/MIL?style=social"/> : An image library for Mojo, inspired by PIL.
- fnands/mimage
- f-saez/libjpeg-mojo - saez/libjpeg-mojo?style=social"/> : FFI bindings for libjpeg.
- Benny-Nottonson/MIL - Nottonson/MIL?style=social"/> : An image library for Mojo, inspired by PIL.
- fnands/mimage
- f-saez/libjpeg-mojo - saez/libjpeg-mojo?style=social"/> : FFI bindings for libjpeg.
-
Hash Function
-
HTTP Framework
- saviorand/lightbug_http
- thatstoasty/mojo-http-client - http-client?style=social"/> : Simple socket wrapper and http client for Mojo.
- saviorand/lightbug_http
- thatstoasty/mojo-http-client - http-client?style=social"/> : Simple socket wrapper and http client for Mojo.
-
TCP Framework
- Jensen-holm/FireTCP - holm/FireTCP?style=social"/> : TCP Service framework for the mojo programming language 🔥
- Jensen-holm/FireTCP - holm/FireTCP?style=social"/> : TCP Service framework for the mojo programming language 🔥
-
Web Framework
-
Translation
-
Quantitative Trading
- f0cii/moxt - performance trading library, written in Mojo and C++, designed to simplify quantitative trading.
- f0cii/moxt - performance trading library, written in Mojo and C++, designed to simplify quantitative trading.
-
Data Storing and Processing
- mojo-data/arrow.mojot - data/arrow.mojot?style=social"/> : Apache Arrow in Mojo🔥
- mojo-data/arrow.mojot - data/arrow.mojot?style=social"/> : Apache Arrow in Mojo🔥
-
GUI
- rd4com/mojo-ui-html - ui-html?style=social"/> : mmediate mode GUI, HTML, CSS, Work in progress, Mojo language.
- rd4com/mojo-ui-html - ui-html?style=social"/> : mmediate mode GUI, HTML, CSS, Work in progress, Mojo language.
Categories
Blogs
130
Summary
51
Machine Learning
41
Videos
38
Scientific Computation
17
Performance Benchmark
16
Data Structure and Algorithm
12
GPU Programming
8
FFI Bindings
6
Image Processing
6
Web Framework
4
Date and Time
4
HTTP Framework
4
Test Framework
2
Database
2
TCP Framework
2
Data Storing and Processing
2
Package and Version Manager
2
Translation
2
Hash Function
2
Quantitative Trading
2
Command Line Interpreter
2
File Processing
2
Jobs and Interview
2
Parser
2
GUI
2
Embedded Development
2
Model Compilation
1
Sub Categories
Keywords
mojo
53
machine-learning
16
mlir
15
pytorch
14
python
14
modular
11
compiler
10
tensor
9
ai
8
llvm
8
awesome
8
numpy
7
cuda
7
neural-network
6
compilers
6
mojo-lang
6
jax
6
deep-learning
6
gemm
5
programming-language
5
cpp
5
tensorflow
5
simd
4
performance
4
awesome-mojo
4
ml
4
autograd
4
benchmark
4
llm
4
llama
4
linear-algebra
4
onnx
4
vulkan
3
spirv
3
blas
3
runtime
3
cublas
3
hpc
3
lapack
3
arrays
3
openblas
3
web
2
dict
2
http-client
2
perplex
2
dictionary
2
hashmap
2
dataserialization
2
server
2
autodiff
2