Pinned Repositories
CenterNet
Object detection, 3D detection, and pose estimation using center point detection:
CenterNet2
CHINESE-OCR
[python3.6] 运用tf实现自然场景文字检测,keras/pytorch实现ctpn+crnn+ctc实现不定长场景文字OCR识别
clip-as-service
Embed images and sentences into fixed-length vectors with CLIP
CLRNet
Pytorch implementation of our paper "CLRNet: Cross Layer Refinement Network for Lane Detection" (CVPR2022 Acceptance).
Cpp-Primer
C++ Primer 5 answers
cs231n.github.io
Public facing notes page
d2l-zh
《动手学深度学习》:面向中文读者、能运行、可讨论。中英文版被55个国家的300所大学用于教学。
ddd_3dop
the-gan-zoo
A list of all named GANs!
TianqiTang1117's Repositories
TianqiTang1117/EffectiveModernCppChinese
《Effective Modern C++》- 完成翻译
TianqiTang1117/Cpp-Primer
C++ Primer 5 answers
TianqiTang1117/CLRNet
Pytorch implementation of our paper "CLRNet: Cross Layer Refinement Network for Lane Detection" (CVPR2022 Acceptance).
TianqiTang1117/yolact
A simple, fully convolutional model for real-time instance segmentation.
TianqiTang1117/yolov7
Implementation of paper - YOLOv7: Trainable bag-of-freebies sets new state-of-the-art for real-time object detectors
TianqiTang1117/Mask_RCNN
Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow
TianqiTang1117/STL
MSVC's implementation of the C++ Standard Library.
TianqiTang1117/CenterNet2
TianqiTang1117/ddd_3dop
TianqiTang1117/CenterNet
Object detection, 3D detection, and pose estimation using center point detection:
TianqiTang1117/YOLOPv2
YOLOPv2: Better, Faster, Stronger for Panoptic driving Perception
TianqiTang1117/PersonalisedNutrition.github.io
TianqiTang1117/YOLOP
You Only Look Once for Panopitic Driving Perception.(https://arxiv.org/abs/2108.11250)
TianqiTang1117/clip-as-service
Embed images and sentences into fixed-length vectors with CLIP
TianqiTang1117/notebooks
Notebooks using the Hugging Face libraries 🤗
TianqiTang1117/transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
TianqiTang1117/yolov5
YOLOv5 🚀 in PyTorch > ONNX > CoreML > TFLite
TianqiTang1117/d2l-zh
《动手学深度学习》:面向中文读者、能运行、可讨论。中英文版被55个国家的300所大学用于教学。
TianqiTang1117/lanenet-lane-detection
Unofficial implemention of lanenet model for real time lane detection using deep neural network model https://maybeshewill-cv.github.io/lanenet-lane-detection/
TianqiTang1117/python_for_data_analysis_2nd_chinese_version
《利用Python进行数据分析·第2版》
TianqiTang1117/deeplearning_ai_books
deeplearning.ai(吴恩达老师的深度学习课程笔记及资源)
TianqiTang1117/LaneATT
Code for the paper entitled "Keep your Eyes on the Lane: Real-time Attention-guided Lane Detection" (CVPR 2021)
TianqiTang1117/the-gan-zoo
A list of all named GANs!
TianqiTang1117/cs231n.github.io
Public facing notes page
TianqiTang1117/pytorch-handbook
pytorch handbook是一本开源的书籍,目标是帮助那些希望和使用PyTorch进行深度学习开发和研究的朋友快速入门,其中包含的Pytorch教程全部通过测试保证可以成功运行
TianqiTang1117/nlp-tutorial
Natural Language Processing Tutorial for Deep Learning Researchers
TianqiTang1117/image-processing-from-scratch
This project contains some interesting image processing algorithms that were wrote in python and c++ from scratch.
TianqiTang1117/SOS4NLP
Survey of Surveys for Natural Language Processing (SOS4NLP)
TianqiTang1117/ML-NLP
此项目是机器学习(Machine Learning)、深度学习(Deep Learning)、NLP面试中常考到的知识点和代码实现,也是作为一个算法工程师必会的理论基础知识。
TianqiTang1117/pytorch-tutorial
PyTorch Tutorial for Deep Learning Researchers