Pinned Repositories
3d-deep-learning
3D Deep Learning works
3D-Machine-Learning
A learning resource repository for 3D machine learning
3D-R2N2
Single/multi view image(s) to voxel reconstruction using a recurrent neural network
Advanced-Deep-Learning-with-Keras
Advanced Deep Learning with Keras, published by Packt
AlgoDS
Implementation of Algorithms and Data Structures, Interview Questions and Answers
AR-Source
Augmented reality (AR) development resources(增强现实开发资源汇总)
awesome-deep-vision
A curated list of deep learning resources for computer vision
FaceVerification
An Experimental Implementation of Face Verification, 96.8% on LFW.
neural-vqa
CNN+LSTM model for Visual Question Answering
neuraltalk
NeuralTalk is a Python+numpy project for learning Multimodal Recurrent Neural Networks that describe images with sentences.
liu09114's Repositories
liu09114/Advanced-Deep-Learning-with-Keras
Advanced Deep Learning with Keras, published by Packt
liu09114/Awesome-AutoDL
A curated list of automated deep learning (including neural architecture search and hyper-parameter optimization) resources.
liu09114/Awesome-Chinese-LLM
整理开源的中文大语言模型,以规模较小、可私有化部署、训练成本较低的模型为主,包括底座模型,垂直领域微调及应用,数据集与教程等。
liu09114/Awesome-LLM-Synthetic-Data
A reading list on LLM based Synthetic Data Generation 🔥
liu09114/Awesome-Pruning
A curated list of neural network pruning resources.
liu09114/awesome-quantization-and-fixed-point-training
Neural Network Quantization & Low-Bit Fixed Point Training For Hardware-Friendly Algorithm Design
liu09114/awesome-tiny-object-detection
🕶 A curated list of Tiny Object Detection papers and related resources.
liu09114/BMXNet-v2
BMXNet 2: An Open-Source Binary Neural Network Implementation Based on MXNet
liu09114/CIFAR-ZOO
PyTorch implementation of CNNs for CIFAR benchmark
liu09114/deeplab-pytorch
PyTorch implementation of DeepLab v2 on COCO-Stuff / PASCAL VOC
liu09114/DFAD
liu09114/External-Attention-pytorch
🍀 Pytorch implementation of various Attention Mechanisms, MLP, Re-parameter, Convolution, which is helpful to further understand papers.⭐⭐⭐
liu09114/FasterRCNN.pytorch
Pytorch Implementation of FasterRCNN
liu09114/imagepy
Image process framework based on plugin like imagej, it is esay to glue with scipy.ndimage, scikit-image, opencv, simpleitk, mayavi...and any libraries based on numpy
liu09114/keras_to_tensorflow
General code to convert a trained keras model into an inference tensorflow model
liu09114/kornia
Open Source Differentiable Computer Vision Library for PyTorch
liu09114/LSQplus
LSQ+ or LSQplus
liu09114/MINI_LLM
This is a repository used by individuals to experiment and reproduce the pre-training process of LLM.
liu09114/MNN
MNN is a blazing fast, lightweight deep learning framework, battle-tested by business-critical use cases in Alibaba
liu09114/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)
liu09114/MVision
机器人视觉 移动机器人 VS-SLAM ORB-SLAM2 深度学习目标检测 yolov3 行为检测 opencv PCL 机器学习 无人驾驶
liu09114/NN-CUDA-Example
Several simple examples for popular neural network toolkits calling custom CUDA operators.
liu09114/pytorch-handbook
pytorch handbook是一本开源的书籍,目标是帮助那些希望和使用PyTorch进行深度学习开发和研究的朋友快速入门,其中包含的Pytorch教程全部通过测试保证可以成功运行
liu09114/QTool
Collections of model quantization algorithms. Any issues, please contact Peng Chen (blueardour@gmail.com)
liu09114/RASP
Runtime Analyzer and Statistical Profiler
liu09114/segmentation_models.pytorch
Segmentation models with pretrained backbones. PyTorch.
liu09114/Surface-Defect-Detection
📈 目前最大的工业缺陷检测数据库及论文集 Constantly summarizing open source dataset and critical papers in the field of surface defect research which are of great importance.
liu09114/TinyLlama
The TinyLlama project is an open endeavor to pretrain a 1.1B Llama model on 3 trillion tokens.
liu09114/torchcv
A PyTorch-Based Framework for Deep Learning in Computer Vision
liu09114/YOLOv3-complete-pruning
提供对YOLOv3及Tiny的多种剪枝版本,以适应不同的需求。