Pinned Repositories
2019-CCF-BDCI-OCR-MCZJ-OCR-IdentificationIDElement
2019CCF-BDCI大赛 最佳创新探索奖获得者 基于OCR身份证要素提取赛题冠军 天晨破晓团队 赛题源码
Ai-learn
人工智能学习路线图,整理近200个实战案例与项目,免费提供配套教材,零基础入门,就业实战!包括:Python,数学,机器学习,数据分析,深度学习,计算机视觉,自然语言处理,PyTorch tensorflow machine-learning,deep-learning data-analysis data-mining mathematics data-science artificial-intelligence python tensorflow tensorflow2 caffe keras pytorch algorithm numpy pandas matplotlib seaborn nlp cv等热门领域
alfred
alfred-py: A deep learning utility library for **human**, more detail about the usage of lib to: https://zhuanlan.zhihu.com/p/341446046
algorithm-visualizer
:fireworks:Interactive Online Platform that Visualizes Algorithms from Code
AlphAction
Spatio-Temporal Action Localization System
darknet
Convolutional Neural Networks
jetson-face-recognition
Face recognition with Jetson Nano
Mask_RCNN
Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow
SeetaFace6
SeetaFace 6: Newest open and free, full stack face recognization toolkit.
Yolov5-in-Deepstream-5.0
Describe how to use yolov5 in Deepstream 5.0
liuzheng081's Repositories
liuzheng081/AnimatedDrawings
Code to accompany "A Method for Animating Children's Drawings of the Human Figure"
liuzheng081/candle
liuzheng081/ChatGLM-Efficient-Tuning
Fine-tuning ChatGLM-6B with PEFT | 基于 PEFT 的高效 ChatGLM 微调
liuzheng081/clock
Physical clock using servos
liuzheng081/CMeKGCrawler
Medical Graph for Neo4j
liuzheng081/ColossalAI
Making big AI models cheaper, easier, and scalable
liuzheng081/CPlusPlusThings
C++那些事
liuzheng081/dailyfresh-B2C
dailyfresh mall based on B2C model
liuzheng081/DeepLearing-Interview-Awesome-2024
We'll cover some of the most common Deep Learning Interview Questions and answers and provide detailed answers to help you
liuzheng081/DeepLog
Anomaly detection is a critical step towards building a secure and trustworthy system. The primary purpose of a system log is to record system states and significant events at various critical points to help debug system failures and perform root cause analysis. Such log data is universally available in nearly all computer systems. Log data is an important and valuable resource for understanding system status and performance issues; therefore, the various system logs are naturally excellent source of information for online monitoring and anomaly detection. We propose DeepLog, a deep neural network model utilizing Long Short-Term Memory (LSTM), to model a system log as a natural language sequence. This allows DeepLog to automatically learn log patterns from normal execution, and detect anomalies when log patterns deviate from the model trained from log data under normal execution.
liuzheng081/Dlog
Host log detection based on deep learning 基于LSTM神经网络模型的日志异常检测
liuzheng081/FastDeploy
⚡️An Easy-to-use and Fast Deep Learning Model Deployment Toolkit
liuzheng081/langchain-ChatGLM
langchain-ChatGLM, local knowledge based ChatGLM with langchain | 基于本地知识库的 ChatGLM 问答
liuzheng081/langchain-tutorials
Overview and tutorial of the LangChain Library
liuzheng081/LangChainStudy
这个项目是一个Jupyter notebook的集合,专门用于学习和探索LangChain框架。
liuzheng081/llm-graph-builder
Neo4j graph construction from unstructured data
liuzheng081/peft
🤗 PEFT: State-of-the-art Parameter-Efficient Fine-Tuning.
liuzheng081/pytorch-transformer
pytorch复现transformer
liuzheng081/pytorch_geometric
Graph Neural Network Library for PyTorch
liuzheng081/SadTalker
[CVPR 2023] SadTalker:Learning Realistic 3D Motion Coefficients for Stylized Audio-Driven Single Image Talking Face Animation
liuzheng081/slambook2
edition 2 of the slambook
liuzheng081/superduperdb
🔮 SuperDuperDB. Bring AI to your database; integrate, train and manage any AI models and APIs directly with your database and your data.
liuzheng081/tensorRT_Pro
C++ library based on tensorrt integration
liuzheng081/tr
Free Offline OCR 离线的中文文本检测+识别SDK
liuzheng081/train_custom_LLM
Train your custom LLMs like Llama, baichuan-7b, GPT
liuzheng081/U-2-Net
The code for our newly accepted paper in Pattern Recognition 2020: "U^2-Net: Going Deeper with Nested U-Structure for Salient Object Detection."
liuzheng081/unilm
UniLM AI - Large-scale Self-supervised Pre-training across Tasks, Languages, and Modalities
liuzheng081/whisper
Robust Speech Recognition via Large-Scale Weak Supervision
liuzheng081/WTF-Langchain
liuzheng081/yolo3-pytorch
这是一个yolo3-pytorch的源码,可以用于训练自己的模型。