Pinned Repositories
1
AIBook_ReinformentLearning
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, ... 🧠
awesome-attention-mechanism-in-cv
:punch: CV中常用注意力模块;即插即用模块;ViT模型. PyTorch Implementation Collection of Attention Module and Plug&Play Module
Awesome-Vision-Attentions
Summary of related papers on visual attention. Related code will be released based on Jittor gradually.
chatbot-ui
The open-source AI chat app for everyone.
d2l-zh
《动手学深度学习》:面向中文读者、能运行、可讨论。中英文版被60个国家的400所大学用于教学。
deep-learning-for-image-processing
deep learning for image processing including classification and object-detection etc.
objectdetection_script
一些关于目标检测的脚本的改进思路代码,详细请看readme.md
pytorch-segmentation
:art: Semantic segmentation models, datasets and losses implemented in PyTorch.
giter915's Repositories
giter915/objectdetection_script
一些关于目标检测的脚本的改进思路代码,详细请看readme.md
giter915/1
giter915/AIBook_ReinformentLearning
giter915/chatbot-ui
The open-source AI chat app for everyone.
giter915/examples
A set of examples around pytorch in Vision, Text, Reinforcement Learning, etc.
giter915/gpt_academic
为ChatGPT/GLM提供实用化交互界面,特别优化论文阅读/润色/写作体验,模块化设计,支持自定义快捷按钮&函数插件,支持Python和C++等项目剖析&自译解功能,PDF/LaTex论文翻译&总结功能,支持并行问询多种LLM模型,支持chatglm2等本地模型。兼容文心一言, moss, llama2, rwkv, claude2, 通义千问, 书生, 讯飞星火等。
giter915/gradio
Build and share delightful machine learning apps, all in Python. 🌟 Star to support our work!
giter915/hello-algo
《Hello 算法》:动画图解、一键运行的数据结构与算法教程,支持 Java, C++, Python, Go, JS, TS, C#, Swift, Rust, Dart, Zig 等语言。
giter915/jetson-inference
Hello AI World guide to deploying deep-learning inference networks and deep vision primitives with TensorRT and NVIDIA Jetson.
giter915/langchain
⚡ Building applications with LLMs through composability ⚡
giter915/llama
Inference code for Llama models
giter915/llm-universe
本项目是一个面向小白开发者的大模型应用开发教程,在线阅读地址:https://datawhalechina.github.io/llm-universe/
giter915/openai-quickstart
A comprehensive guide to understanding and implementing large language models with hands-on examples using LangChain for GenAI applications.
giter915/OpenMMLabCourse
OpenMMLab course index and materials
giter915/openvino_notebooks
📚 Jupyter notebook tutorials for OpenVINO™
giter915/PyTorch-GAN
PyTorch implementations of Generative Adversarial Networks.
giter915/reinforcement-learning-an-introduction
Python Implementation of Reinforcement Learning: An Introduction
giter915/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.
giter915/self-llm
《开源大模型食用指南》基于Linux环境快速部署开源大模型,更适合**宝宝的部署教程
giter915/SPPNet
SPPNet: A Single-Point Prompt Network for Nuclei Image Segmentation (Boost SAM)
giter915/stable-diffusion-webui
Stable Diffusion web UI
giter915/streamlit
Streamlit — A faster way to build and share data apps.
giter915/telegraf
Agent for collecting, processing, aggregating, and writing metrics, logs, and other arbitrary data.
giter915/testgit
this is a test git
giter915/Ultra-Fast-Lane-Detection
Ultra Fast Structure-aware Deep Lane Detection (ECCV 2020)
giter915/Ultralytics-data-process
这是一个Yolov8数据划分相关的代码
giter915/vit-pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch
giter915/YoloV7
This is a project for the YOLOv7 fruit dataset
giter915/YOLOv8-DeepSort-PyQt-GUI
a GUI application, which uses YOLOv8 for Object Detection/Tracking, Human Pose Estimation/Tracking from images, videos or camera
giter915/YOLOv8-PySide6-GUI
YoloSide - YOLOv8 GUI By PySide6