tanjatang's Stars
openai/CLIP
CLIP (Contrastive Language-Image Pretraining), Predict the most relevant text snippet given an image
liguodongiot/llm-action
本项目旨在分享大模型相关技术原理以及实战经验(大模型工程化、大模型应用落地)
NVIDIA/TensorRT
NVIDIA® TensorRT™ is an SDK for high-performance deep learning inference on NVIDIA GPUs. This repository contains the open source components of TensorRT.
jobbole/awesome-cpp-cn
C++ 资源大全中文版,标准库、Web应用框架、人工智能、数据库、图片处理、机器学习、日志、代码分析等。由「开源前哨」和「CPP开发者」微信公号团队维护更新。
facebookresearch/ImageBind
ImageBind One Embedding Space to Bind Them All
Oneflow-Inc/oneflow
OneFlow is a deep learning framework designed to be user-friendly, scalable and efficient.
udacity/self-driving-car
The Udacity open source self-driving car project
princeton-nlp/tree-of-thought-llm
[NeurIPS 2023] Tree of Thoughts: Deliberate Problem Solving with Large Language Models
mlfoundations/open_flamingo
An open-source framework for training large multimodal models.
GrindGold/pdf
📚 计算机经典编程书籍、大黑书、编程电子书、电子书、编程书籍,包括计算机基础、C/C++、Java、Python、面试题、架构设计、算法系列等经典电子书。
liucongg/ChatGLM-Finetuning
基于ChatGLM-6B、ChatGLM2-6B、ChatGLM3-6B模型,进行下游具体任务微调,涉及Freeze、Lora、P-tuning、全参微调等
mit-han-lab/efficientvit
Efficient vision foundation models for high-resolution generation and perception.
pytorch/executorch
On-device AI across mobile, embedded and edge for PyTorch
666DZY666/micronet
micronet, a model compression and deploy lib. compression: 1、quantization: quantization-aware-training(QAT), High-Bit(>2b)(DoReFa/Quantization and Training of Neural Networks for Efficient Integer-Arithmetic-Only Inference)、Low-Bit(≤2b)/Ternary and Binary(TWN/BNN/XNOR-Net); post-training-quantization(PTQ), 8-bit(tensorrt); 2、 pruning: normal、regular and group convolutional channel pruning; 3、 group convolution structure; 4、batch-normalization fuse for quantization. deploy: tensorrt, fp32/fp16/int8(ptq-calibration)、op-adapt(upsample)、dynamic_shape
LitLeo/TensorRT_Tutorial
MegEngine/InferLLM
a lightweight LLM model inference framework
wayveai/Driving-with-LLMs
PyTorch implementation for the paper "Driving with LLMs: Fusing Object-Level Vector Modality for Explainable Autonomous Driving"
lin-shuyu/VAE-LSTM-for-anomaly-detection
We propose a VAE-LSTM model as an unsupervised learning approach for anomaly detection in time series.
linxuewu/Sparse4D
Sparse4D v1 & v2
ProgramTraveler/Road-To-Autonomous-Driving
自动驾驶散修一枚 -> 记录自己对自动驾驶的学习过程和相关学习链接
wzzheng/OccWorld
[ECCV 2024] 3D World Model for Autonomous Driving
HoyTta0/KnowledgeDistillation
Knowledge distillation in text classification with pytorch. 知识蒸馏,中文文本分类,教师模型BERT、XLNET,学生模型biLSTM。
RupertLuo/Valley
The official repository of "Video assistant towards large language model makes everything easy"
gesanqiu/SNPE_Tutorial
A simple tutorial of SNPE.
duanyiqun/DeWave
Exploration on introducing discrete codex and raw wave decoding to realize Brain-to-Text translation.
amirarsalan90/personal_llm_assistant
gesanqiu/Chinese_MobileBert_on_SNPE
Run Chinese MobileBert model on SNPE.
tanjatang/snpe_resnet
snpe tutorial
haohao11/QCNet
[CVPR 2023] Query-Centric Trajectory Prediction
haohao11/trajectory_processing