codescracker's Stars
Orfium/bytecover
Implementation of "Bytecover: Cover song identification via multi-loss training" paper (ICASSP 2021)
huggingface/pytorch-image-models
The largest collection of PyTorch image encoders / backbones. Including train, eval, inference, export scripts, and pretrained weights -- ResNet, ResNeXT, EfficientNet, NFNet, Vision Transformer (ViT), MobileNetV4, MobileNet-V3 & V2, RegNet, DPN, CSPNet, Swin Transformer, MaxViT, CoAtNet, ConvNeXt, and more
collabora/WhisperSpeech
An Open Source text-to-speech system built by inverting Whisper.
openai/whisper
Robust Speech Recognition via Large-Scale Weak Supervision
roboflow/notebooks
Examples and tutorials on using SOTA computer vision models and techniques. Learn everything from old-school ResNet, through YOLO and object-detection transformers like DETR, to the latest models like Grounding DINO and SAM.
yigitkonur/swift-ocr-llm-powered-pdf-to-markdown
An open-source OCR API that leverages OpenAI's powerful language models with optimized performance techniques like parallel processing and batching to deliver high-quality text extraction from complex PDF documents. Ideal for businesses seeking efficient document digitization and data extraction solutions.
hanouticelina/deformable-DETR
Implementation of the paper : Deformable DETR: Deformable Transformers for End-to-End Object Detection (ICLR 2021)
adensur/blog
KimRass/DETR
PyTorch implementation of 'DETR' (Carion et al., 2020) from scratch.
fundamentalvision/Deformable-DETR
Deformable DETR: Deformable Transformers for End-to-End Object Detection.
DS4SD/DocLayNet
DocLayNet: A Large Human-Annotated Dataset for Document-Layout Analysis
LynnHaDo/Document-Layout-Analysis
Object Detection Model for Scanned Documents
IDEA-Research/GroundingDINO
[ECCV 2024] Official implementation of the paper "Grounding DINO: Marrying DINO with Grounded Pre-Training for Open-Set Object Detection"
NielsRogge/Transformers-Tutorials
This repository contains demos I made with the Transformers library by HuggingFace.
facebookresearch/segment-anything
The repository provides code for running inference with the SegmentAnything Model (SAM), links for downloading the trained model checkpoints, and example notebooks that show how to use the model.
facebookresearch/sam2
The repository provides code for running inference with the Meta Segment Anything Model 2 (SAM 2), links for downloading the trained model checkpoints, and example notebooks that show how to use the model.
rasbt/LLMs-from-scratch
Implement a ChatGPT-like LLM in PyTorch from scratch, step by step
gokayfem/awesome-vlm-architectures
Famous Vision Language Models and Their Architectures
opendatalab/MinerU
A one-stop, open-source, high-quality data extraction tool, supports PDF/webpage/e-book extraction.一站式开源高质量数据提取工具,支持PDF/网页/多格式电子书提取。
karpathy/LLM101n
LLM101n: Let's build a Storyteller
lucidrains/vit-pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch
tintn/vision-transformer-from-scratch
A Simplified PyTorch Implementation of Vision Transformer (ViT)
AviSoori1x/seemore
From scratch implementation of a vision language model in pure PyTorch
ollama/ollama
Get up and running with Llama 3.2, Mistral, Gemma 2, and other large language models.
evintunador/minLlama3
a simplified version of Meta's Llama 3 model to be used for learning
OpenBMB/MiniCPM-V
MiniCPM-V 2.6: A GPT-4V Level MLLM for Single Image, Multi Image and Video on Your Phone
ml-explore/mlx-examples
Examples in the MLX framework
Lightning-AI/litgpt
20+ high-performance LLMs with recipes to pretrain, finetune and deploy at scale.
neobundy/Deep-Dive-Into-AI-With-MLX-PyTorch
"Deep Dive into AI with MLX and PyTorch" is an educational initiative designed to help anyone interested in AI, specifically in machine learning and deep learning, using Apple's MLX and Meta's PyTorch frameworks.
FareedKhan-dev/Building-llama3-from-scratch
LLaMA 3 is one of the most promising open-source model after Mistral, we will recreate it's architecture in a simpler manner.