mmaaz60
An Electrical Engineer with experience in Computer Vision software development. Skilled in Machine Learning, Deep Learning and Computer Vision.
@mbzuaiAbu Dhabi, UAE
Pinned Repositories
groundingLMM
[CVPR 2024 🔥] Grounding Large Multimodal Model (GLaMM), the first-of-its-kind model capable of generating natural language responses that are seamlessly integrated with object segmentation masks.
LLaVA-pp
🔥🔥 LLaVA++: Extending LLaVA with Phi-3 and LLaMA-3 (LLaVA LLaMA-3, LLaVA Phi-3)
PALO
(WACV 2025) Vision-language conversation in 10 languages including English, Chinese, French, Spanish, Russian, Japanese, Arabic, Hindi, Bengali and Urdu.
Video-ChatGPT
[ACL 2024 🔥] Video-ChatGPT is a video conversation model capable of generating meaningful conversation about videos. It combines the capabilities of LLMs with a pretrained visual encoder adapted for spatiotemporal video representation. We also introduce a rigorous 'Quantitative Evaluation Benchmarking' for video-based conversational models.
VideoGPT-plus
Official Repository of paper VideoGPT+: Integrating Image and Video Encoders for Enhanced Video Understanding
EdgeNeXt
[CADL'22, ECCVW] Official repository of paper titled "EdgeNeXt: Efficiently Amalgamated CNN-Transformer Architecture for Mobile Vision Applications".
mdef_detr
mvits_for_class_agnostic_od
[ECCV'22] Official repository of paper titled "Class-agnostic Object Detection with Multi-modal Transformer".
SkipVideoFramesUsingOpenCV
This repository contains two different methods to skip frames using OpenCV. It also provides speed comparison of two methods.
ssl_for_fgvc
Self-Supervised Learning for Fine-Grained Image Categorization
mmaaz60's Repositories
mmaaz60/EdgeNeXt
[CADL'22, ECCVW] Official repository of paper titled "EdgeNeXt: Efficiently Amalgamated CNN-Transformer Architecture for Mobile Vision Applications".
mmaaz60/mvits_for_class_agnostic_od
[ECCV'22] Official repository of paper titled "Class-agnostic Object Detection with Multi-modal Transformer".
mmaaz60/ssl_for_fgvc
Self-Supervised Learning for Fine-Grained Image Categorization
mmaaz60/mdef_detr
mmaaz60/object_detection_in_aerial_images
The repository contains the code for Object Detection in Aerial Images (iSAID dataset) using Faster RCNN and scale-aware data augmentation (SA-AutoAug).
mmaaz60/darknet
Windows and Linux version of Darknet Yolo v3 & v2 Neural Networks for object detection (Tensor Cores are used)
mmaaz60/mobilevit
mmaaz60/AutoGPT
An experimental open-source attempt to make GPT-4 fully autonomous.
mmaaz60/detectron2
Detectron2 is FAIR's next-generation platform for object detection, segmentation and other visual recognition tasks.
mmaaz60/Detic
Code release for "Detecting Twenty-thousand Classes using Image-level Supervision".
mmaaz60/Facial_Keypoints_Detection
Facial Keypoints detection using CNN modified from https://github.com/udacity/P1_Facial_Keypoints
mmaaz60/fairscale
PyTorch extensions for high performance and large scale training.
mmaaz60/groundingLMM
Grounding Large Multimodal Model (GLaMM), the first-of-its-kind model capable of generating natural language responses that are seamlessly integrated with object segmentation masks [CVPR 2024].
mmaaz60/Intriguing-Properties-of-Vision-Transformers
Official repository for "Intriguing Properties of Vision Transformers" (NeurIPS 2021--Spotlight)
mmaaz60/LLaVA-pp
🔥🔥 LLaVA++: Extending LLaVA with Phi-3 and LLaMA-3 (LLaVA LLaMA-3, LLaVA Phi-3)
mmaaz60/LLaVA-pp-HF-Demo
mmaaz60/MaxViT
PyTorch reimplementation of the paper "MaxViT: Multi-Axis Vision Transformer" [arXiv 2022].
mmaaz60/mdetr
mmaaz60/mmaaz60
mmaaz60/mmaaz60.github.io
Github Pages template for academic personal websites, forked from mmistakes/minimal-mistakes
mmaaz60/multimodal-prompt-learning
Official repository of paper titled "MaPLe: Multi-modal Prompt Learning".
mmaaz60/object-centric-ovd
Official repository of paper titled "Bridging the Gap between Object and Image-level Representations for Open-Vocabulary Detection".
mmaaz60/pytorch-image-models
PyTorch image models, scripts, pretrained weights -- ResNet, ResNeXT, EfficientNet, EfficientNetV2, NFNet, Vision Transformer, MixNet, MobileNet-V3/V2, RegNet, DPN, CSPNet, and more
mmaaz60/Restormer
[CVPR 2022--Oral] Restormer: Efficient Transformer for High-Resolution Image Restoration. SOTA for motion deblurring, image deraining, denoising (Gaussian/real data), and defocus deblurring.
mmaaz60/Solving_ImageNet
Official PyTorch implementation of the paper: "Solving ImageNet: a Unified Scheme for Training any Backbone to Top Results" (2022)
mmaaz60/SwiftFormer
SwiftFormer: Efficient Additive Attention for Transformer-based Real-time Mobile Vision Applications
mmaaz60/unetr_plus_plus
UNETR++: Delving into Efficient and Accurate 3D Medical Image Segmentation
mmaaz60/Video-ChatGPT
mmaaz60/ViFi-CLIP
[CVPR 2023] Official repository of paper titled "Fine-tuned CLIP models are efficient video learners".
mmaaz60/Yolov3
This repository contains training and inference pipelines for Object Detection model yolov3.