Pinned Repositories
DeepStack
The World's Leading Cross Platform AI Engine for Edge Devices
100_Days_of_ML_Code
100 Days of Machine Learning Code
Blood-Smear-Code
This repository presents a deep learning model for blood smear image analysis using a pretrained network ResNet50 for malaria diagnosis
DC_GAN
A pytorch implementation of a DCGAN(Deep Convolutional Generative Adversarial Network); a basic GAN with generator and discriminator being deep convnet The model was trained on abstract images dataset from kaggle. The goal here was to use DCGAN to generate abstract fake images from real ones.
Flower_image_classifier
This repo contains code for an AI flower image classifier using Pytorch. This project is splitted into three areas:
hrnet
Implementation of a Deep High Resolution Network architecture for Face Landmark detection. From the paper:https://arxiv.org/abs/1908.07919
optim-control
Particle Swarm Optimization, Grey Wolf Optimizer and Genetic Algorithm Optimizers for Controller Tuning and Optimization.
predicting-chronic-kidney-disease
Machine learning project with the aim of building models to predict the occurrence of chronic kidney disease in medical patients.
py_orb_slam
ORBSLAM-Algorithm Endoscope Tracking and 3D Reconstruction
slam_with_vit
Visual SLAM for Mobile Robots with Vision Transformer(ViT)
MisterEkole's Repositories
MisterEkole/slam_with_vit
Visual SLAM for Mobile Robots with Vision Transformer(ViT)
MisterEkole/py_orb_slam
ORBSLAM-Algorithm Endoscope Tracking and 3D Reconstruction
MisterEkole/gut_slam
GutSLAM: Photometric 3D reconstruction, pose and deformation estimation in human gut
MisterEkole/proto.landmark
proto.face.landmark detection model
MisterEkole/annotated_research_papers
This repo contains annotated research papers that I found really good and useful
MisterEkole/axlearn
An Extensible Deep Learning Library
MisterEkole/detr
End-to-End Object Detection with Transformers
MisterEkole/diffusers
🤗 Diffusers: State-of-the-art diffusion models for image and audio generation in PyTorch
MisterEkole/direct-preference-optimization
Reference implementation for DPO (Direct Preference Optimization)
MisterEkole/dust3r
Geometric 3D Vision Made Easy
MisterEkole/g2o
g2o: A General Framework for Graph Optimization
MisterEkole/gemma
Open weights LLM from Google DeepMind.
MisterEkole/gemma_pytorch
The official PyTorch implementation of Google's Gemma models
MisterEkole/giskard
🐢 The testing framework for ML models, from tabular to LLMs
MisterEkole/giskard_technical_ass
MisterEkole/liquid_time_constant_networks
Code Repository for Liquid Time-Constant Networks (LTCs)
MisterEkole/llama
Inference code for Llama models
MisterEkole/LLFF
Code release for Local Light Field Fusion at SIGGRAPH 2019
MisterEkole/machine-learning-notes
Collection of useful machine learning codes and snippets (originally intended for my personal use)
MisterEkole/micro-bundle-adjustment
A minimal PyTorch implementation of Bundle Adjustment
MisterEkole/micro_force
Scripts for micro-force measurement in diamagnetic levitation using extended kalman filter and Optimal PID control
MisterEkole/MisterEkole
MisterEkole/MLQuestions
Machine Learning and Computer Vision Engineer - Technical Interview Questions
MisterEkole/MonoGS
[CVPR'24 Highlight] Gaussian Splatting SLAM
MisterEkole/nerf
Code release for NeRF (Neural Radiance Fields)
MisterEkole/ORB_SLAM3
ORB-SLAM3: An Accurate Open-Source Library for Visual, Visual-Inertial and Multi-Map SLAM
MisterEkole/Photometric-Reconstruction-Endoscopy
MisterEkole/SfmLearner-Pytorch
Pytorch version of SfmLearner from Tinghui Zhou et al.
MisterEkole/ViT-Pytorch
MisterEkole/VoxelNeXt
VoxelNeXt: Fully Sparse VoxelNet for 3D Object Detection and Tracking (CVPR 2023)