cjewelz's repositories

annotated_deep_learning_paper_implementations

🧑‍🏫 59 Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠

Language:Jupyter NotebookLicense:MITStargazers:0Issues:0Issues:0

anomalib

An anomaly detection library comprising state-of-the-art algorithms and features such as experiment management, hyper-parameter optimization, and edge inference.

Language:PythonLicense:Apache-2.0Stargazers:0Issues:0Issues:0

attention-is-all-you-need-pytorch

A PyTorch implementation of the Transformer model in "Attention is All You Need".

Language:PythonLicense:MITStargazers:0Issues:0Issues:0

CnOCR

CnOCR: Awesome Chinese/English OCR toolkits based on PyTorch/MXNet, It comes with 20+ well-trained models for different application scenarios and can be used directly after installation. 【基于 PyTorch/MXNet 的中文/英文 OCR Python 包。】

Language:PythonLicense:Apache-2.0Stargazers:0Issues:0Issues:0

cocoapi

Contains the "pycocotools" package on PyPI. Changes made to the official cocoapi about packaging.

License:NOASSERTIONStargazers:0Issues:0Issues:0

detr

End-to-End Object Detection with Transformers

License:Apache-2.0Stargazers:0Issues:0Issues:0

diffusers

🤗 Diffusers: State-of-the-art diffusion models for image and audio generation in PyTorch

Language:PythonLicense:Apache-2.0Stargazers:0Issues:0Issues:0

EasyCV

An all-in-one toolkit for computer vision

Language:PythonLicense:Apache-2.0Stargazers:0Issues:0Issues:0

Efficient-Computing

Efficient computing methods developed by Huawei Noah's Ark Lab

Stargazers:0Issues:0Issues:0

LLMs-from-scratch

Implementing a ChatGPT-like LLM from scratch, step by step

Language:Jupyter NotebookLicense:NOASSERTIONStargazers:0Issues:0Issues:0

mae

PyTorch implementation of MAE https//arxiv.org/abs/2111.06377

License:NOASSERTIONStargazers:0Issues:0Issues:0

mmcv

OpenMMLab Computer Vision Foundation

Language:PythonLicense:Apache-2.0Stargazers:0Issues:0Issues:0

mmengine

OpenMMLab Foundational Library for Training Deep Learning Models

Language:PythonLicense:Apache-2.0Stargazers:0Issues:0Issues:0

mmpretrain

OpenMMLab Pre-training Toolbox and Benchmark

Language:PythonLicense:Apache-2.0Stargazers:0Issues:0Issues:0

mmyolo

OpenMMLab YOLO series toolbox and benchmark

Language:PythonLicense:GPL-3.0Stargazers:0Issues:0Issues:0

moco

PyTorch implementation of MoCo: https://arxiv.org/abs/1911.05722

License:MITStargazers:0Issues:0Issues:0

nanodet

NanoDet-Plus⚡Super fast and lightweight anchor-free object detection model. 🔥Only 980 KB(int8) / 1.8MB (fp16) and run 97FPS on cellphone🔥

Language:PythonLicense:Apache-2.0Stargazers:0Issues:0Issues:0

PaddleDetection

Object Detection toolkit based on PaddlePaddle. It supports object detection, instance segmentation, multiple object tracking and real-time multi-person keypoint detection.

Language:PythonLicense:Apache-2.0Stargazers:0Issues:0Issues:0

PaddleSeg

Easy-to-use image segmentation library with awesome pre-trained model zoo, supporting wide-range of practical tasks in Semantic Segmentation, Interactive Segmentation, Panoptic Segmentation, Image Matting, 3D Segmentation, etc.

Language:PythonLicense:Apache-2.0Stargazers:0Issues:0Issues:0

pytorch-image-models

PyTorch image models, scripts, pretrained weights -- ResNet, ResNeXT, EfficientNet, NFNet, Vision Transformer (ViT), MobileNet-V3/V2, RegNet, DPN, CSPNet, Swin Transformer, MaxViT, CoAtNet, ConvNeXt, and more

Language:PythonLicense:Apache-2.0Stargazers:0Issues:0Issues:0

Swin-Transformer

This is an official implementation for "Swin Transformer: Hierarchical Vision Transformer using Shifted Windows".

License:MITStargazers:0Issues:0Issues:0

TensorRT-10.1

NVIDIA® TensorRT™ is an SDK for high-performance deep learning inference on NVIDIA GPUs. This repository contains the open source components of TensorRT.

License:Apache-2.0Stargazers:0Issues:0Issues:0

transformers

🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.

Language:PythonLicense:Apache-2.0Stargazers:0Issues:0Issues:0

ultralytics

NEW - YOLOv8 🚀 in PyTorch > ONNX > OpenVINO > CoreML > TFLite

License:AGPL-3.0Stargazers:0Issues:0Issues:0

vissl

VISSL is FAIR's library of extensible, modular and scalable components for SOTA Self-Supervised Learning with images.

License:MITStargazers:0Issues:0Issues:0

vit-pytorch

Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch

License:MITStargazers:0Issues:0Issues:0

yolov5

YOLOv5 🚀 in PyTorch > ONNX > CoreML > TFLite

Language:PythonLicense:AGPL-3.0Stargazers:0Issues:0Issues:0

YOLOv6

YOLOv6: a single-stage object detection framework dedicated to industrial applications.

Language:Jupyter NotebookLicense:GPL-3.0Stargazers:0Issues:0Issues:0

yolov7

Implementation of paper - YOLOv7: Trainable bag-of-freebies sets new state-of-the-art for real-time object detectors

Language:Jupyter NotebookLicense:GPL-3.0Stargazers:0Issues:0Issues:0

yolov9

Implementation of paper - YOLOv9: Learning What You Want to Learn Using Programmable Gradient Information

License:GPL-3.0Stargazers:0Issues:0Issues:0