faizan1234567
Master's student in Robotics | Deep Learning | Computer Vision | NLP | Large Language Models
NUST Islamabad Pakistan
Pinned Repositories
8-Puzzle-A-Star-Search
This repository contains C++ implementation of A* search algorithm for finding path to goal state for 8 puzzle problem in AI.
Assignments
Course assignments
Brain-Tumors-Segmentation
Multimodal Brain mpMRI segmentation on BraTS 2023 and BraTS 2021 datasets.
Convolutional-Neural-networks-in-TensorFlow
Convolution Neural Networks implementation in TensorFlow
gpt_nano
Implementation of lightweight transformer model for character level text generation
Machine-Learning
Machine learning with MATLAB/Octave, coding machine learning algorithms from scratch
Neural-Networks-in-Numpy
implementation of multi layers perceptron in Numpy from scratch
Recognition-and-gradient-based-localization-of-chest-radiographs
Disease diagnoses in chest radiographs with different neural network architectures, and models activations localization using grad-cam. The whole implementation is in Pytorch.
Saferail-AI
Implementation of image fusion, distance estimation, and object detection algorithms for Saferail in Pakistan.
sentence-classification
Implementation of classification of grammatically correct sentences and wrong sentences, and integration of MLOps tools.
faizan1234567's Repositories
faizan1234567/Brain-Tumors-Segmentation
Multimodal Brain mpMRI segmentation on BraTS 2023 and BraTS 2021 datasets.
faizan1234567/Saferail-AI
Implementation of image fusion, distance estimation, and object detection algorithms for Saferail in Pakistan.
faizan1234567/gpt_nano
Implementation of lightweight transformer model for character level text generation
faizan1234567/NewsQA
News QA generation and fine tuning an LLM for QA generation (under development)
faizan1234567/3D-TransUNet
This is the official repository for the paper "3D TransUNet: Advancing Medical Image Segmentation through Vision Transformers"
faizan1234567/AgileFormer
This the repo for the paper tiltled "AgileFormer: Spatially Agile Transformer UNet for Medical Image Segmentation"
faizan1234567/Awesome-LLM-RAG
Awesome-LLM-RAG: a curated list of advanced retrieval augmented generation (RAG) in Large Language Models
faizan1234567/awesome-transformers-in-medical-imaging
A collection of resources on applications of Transformers in Medical Imaging.
faizan1234567/CKD-TransBTS
Brain tumor segmentation on BraTS21 dataset
faizan1234567/deepstream_python_apps
DeepStream SDK Python bindings and sample applications
faizan1234567/deepstream_tao_apps
Sample apps to demonstrate how to deploy models trained with TAO on DeepStream
faizan1234567/faizan1234567
my profile
faizan1234567/InternImage
[CVPR 2023 Highlight] InternImage: Exploring Large-Scale Vision Foundation Models with Deformable Convolutions
faizan1234567/linkedIn_auto_jobs_applier_with_AI
LinkedIn_AIHawk is a tool that automates the jobs application process on LinkedIn. Utilizing artificial intelligence, it enables users to apply for multiple job offers in an automated and personalized way.
faizan1234567/llm-applications
A comprehensive guide to building RAG-based LLM applications for production.
faizan1234567/llm-course
Course to get into Large Language Models (LLMs) with roadmaps and Colab notebooks.
faizan1234567/LLMs-from-scratch
Implementing a ChatGPT-like LLM in PyTorch from scratch, step by step
faizan1234567/nnUNet
faizan1234567/radar-camera-fusion-depth
Depth Estimation from Camera Image and mmWave Radar Point Cloud
faizan1234567/RAG-Powered-Chatbot-with-LLM
Development of RAG powered LLM chatbot for Question answering related to NUST school of interdisciplinary engineering & sciences (SINES)
faizan1234567/self-rag
This includes the original implementation of SELF-RAG: Learning to Retrieve, Generate and Critique through self-reflection by Akari Asai, Zeqiu Wu, Yizhong Wang, Avirup Sil, and Hannaneh Hajishirzi.
faizan1234567/TarDAL
CVPR 2022 | Target-aware Dual Adversarial Learning and a Multi-scenario Multi-Modality Benchmark to Fuse Infrared and Visible for Object Detection.
faizan1234567/tensorrtx
Implementation of popular deep learning networks with TensorRT network definition API
faizan1234567/Torch-Pruning
[CVPR 2023] Towards Any Structural Pruning; LLMs / SAM / Diffusion / Transformers / YOLOv8 / CNNs
faizan1234567/torchchat
Run PyTorch LLMs locally on servers, desktop and mobile
faizan1234567/TransBTS
This repo provides the official code for : 1) TransBTS: Multimodal Brain Tumor Segmentation Using Transformer (https://arxiv.org/abs/2103.04430) , accepted by MICCAI2021. 2) TransBTSV2: Towards Better and More Efficient Volumetric Segmentation of Medical Images(https://arxiv.org/abs/2201.12785).
faizan1234567/TransUNet
This repository includes the official project of TransUNet, presented in our paper: TransUNet: Transformers Make Strong Encoders for Medical Image Segmentation.
faizan1234567/VLM_survey
Collection of AWESOME vision-language models for vision tasks
faizan1234567/YOLOv8-TensorRT
YOLOv8 using TensorRT accelerate !
faizan1234567/yolov9
Implementation of paper - YOLOv9: Learning What You Want to Learn Using Programmable Gradient Information