Pinned Repositories
Algorithm_for_Interview-Chinese
Algorithm for Interview(面试算法笔记-中文)
Algorithm_Interview_Notes-Chinese
2018/2019/校招/春招/秋招/算法/机器学习(Machine Learning)/深度学习(Deep Learning)/自然语言处理(NLP)/C/C++/Python/面试笔记
ASFF
yolov3 with mobilenet v2 and ASFF
Awesome-algorithm-interview
算法工程师(人工智能CV方向)面试问题及相关资料
awesome-attention-mechanism-in-cv
:punch: 计算机视觉中用到的注意力模块和其他即插即用模块PyTorch Implementation Collection of Attention Module and Plug&Play Module
Awesome-Multimodal-Large-Language-Models
:sparkles::sparkles:Latest Papers and Datasets on Multimodal Large Language Models, and Their Evaluation.
Internship_OPPO
math_formula
math symbol recognition
Open-TransMind
Official implementation of the CVPR paper Open-TransMind: A New Baseline and Benchmark for 1st Foundation Model Challenge of Intelligent Transportation
ViT-CoMer
Official implementation of the CVPR 2024 paper ViT-CoMer: Vision Transformer with Convolutional Multi-scale Feature Interaction for Dense Predictions.
Jeremy-lf's Repositories
Jeremy-lf/Internship_OPPO
Jeremy-lf/math_formula
math symbol recognition
Jeremy-lf/ASFF
yolov3 with mobilenet v2 and ASFF
Jeremy-lf/awesome-attention-mechanism-in-cv
:punch: 计算机视觉中用到的注意力模块和其他即插即用模块PyTorch Implementation Collection of Attention Module and Plug&Play Module
Jeremy-lf/Awesome-Multimodal-Large-Language-Models
:sparkles::sparkles:Latest Papers and Datasets on Multimodal Large Language Models, and Their Evaluation.
Jeremy-lf/CenterMask
CenterMask : Real-Time Anchor-Free Instance Segmentation, in CVPR 2020
Jeremy-lf/cocoapi
COCO API - Dataset @ http://cocodataset.org/
Jeremy-lf/DeepLearning-500-questions
深度学习500问,以问答形式对常用的概率知识、线性代数、机器学习、深度学习、计算机视觉等热点问题进行阐述,以帮助自己及有需要的读者。 全书分为18个章节,50余万字。由于水平有限,书中不妥之处恳请广大读者批评指正。 未完待续............ 如有意合作,联系scutjy2015@163.com 版权所有,违权必究 Tan 2018.06
Jeremy-lf/Awesome-Transformer-Attention
An ultimately comprehensive paper list of Vision Transformer/Attention, including papers, codes, and related websites
Jeremy-lf/Crash-Course-Computer-Science-Chinese
:computer: 计算机速成课 | Crash Course 字幕组 (全40集 2018-5-1 精校完成)
Jeremy-lf/Deep-Learning-in-Production
In this repository, I will share some useful notes and references about deploying deep learning-based models in production.
Jeremy-lf/DetectoRS
DetectoRS: Detecting Objects with Recursive Feature Pyramid and Switchable Atrous Convolution
Jeremy-lf/detectron2
Detectron2 is FAIR's next-generation platform for object detection and segmentation.
Jeremy-lf/eq_recognition
Jeremy-lf/examples
A set of examples around pytorch in Vision, Text, Reinforcement Learning, etc.
Jeremy-lf/ghostnet
[CVPR2020] Surpassing MobileNetV3: "GhostNet: More Features from Cheap Operations"
Jeremy-lf/Great-Deep-Learning-Tutorials
A Great Collection of Deep Learning Tutorials and Repositories
Jeremy-lf/Learning-Deep-Learning
Paper reading notes on Deep Learning and Machine Learning
Jeremy-lf/ML-NLP
此项目是机器学习(Machine Learning)、深度学习(Deep Learning)、NLP面试中常考到的知识点和代码实现,也是作为一个算法工程师必会的理论基础知识。
Jeremy-lf/model-compression
model compression based on pytorch (1、quantization: 16/8/4/2 bits(dorefa/Quantization and Training of Neural Networks for Efficient Integer-Arithmetic-Only Inference)、ternary/binary value(twn/bnn/xnor-net);2、 pruning: normal、regular and group convolutional channel pruning;3、 group convolution structure;4、batch-normalization folding for quantization)
Jeremy-lf/ObjectDetectionImbalance
Lists the papers related to imbalance problems in object detection [TPAMI]
Jeremy-lf/Paddle-Inference-Demo
Jeremy-lf/Paddle_Attention_CNNs
Some attention boosted CNNs implemented using PaddlePaddle, mainly for classification tasks.
Jeremy-lf/PaddleDetection
Object detection and instance segmentation toolkit based on PaddlePaddle.
Jeremy-lf/PaddleNLP
An NLP library with Awesome pre-trained Transformer models and easy-to-use interface, supporting wide-range of NLP tasks from research to industrial applications.
Jeremy-lf/pytorch-image-models
PyTorch image models, scripts, pretrained weights -- (SE)ResNet/ResNeXT, DPN, EfficientNet, MixNet, MobileNet-V3/V2, MNASNet, Single-Path NAS, FBNet, and more
Jeremy-lf/Pytorch_Learning_Record
Jeremy-lf/real-time-network
real-time network architecture for mobile devices and semantic segmentation
Jeremy-lf/ViT-Adapter
[ICLR 2023 Spotlight] Vision Transformer Adapter for Dense Predictions
Jeremy-lf/Yolact_minimal
Minimal PyTorch implementation of YOLACT.