DYF-AI
Graduated from Guangdong Key Laboratory of Intelligent Information Processing, College of Electronics and Information Engineering, Shenzhen University, Shenzhen
Shenzhen UniversityShenzhen
Pinned Repositories
algorithms-cpp
Algorithms based on CPP implementation
Conditional-Neural-Process
Code reproduction of paper Conditional Neural Processes https://arxiv.org/pdf/1807.01613.pdf
crnn.tf2
crnn implemented by tensorflow2.3
custom-swift
ms-swift: Use PEFT or Full-parameter to finetune 250+ LLMs or 35+ MLLMs. (Qwen2, GLM4, Internlm2, Yi, Llama3, Llava, MiniCPM-V, Deepseek, Baichuan2, Gemma2, Phi3-Vision, ...)
DBNet-OpenVINO
A pytorch re-implementation of Real-time Scene Text Detection with Differentiable Binarization,and use the openvino inference engine for inference in the prediction phase
donut-tutorial
Donut 🍩 : Document Understanding Transformer
English-text-multi-label-classification
英文文本分类多标签分类,多标签就是一个样本会有一个或者多个标签
invoice-template
invoice-template for generate donut finetune data
Transformers-Tutorials
This repository contains demos I made with the Transformers library by HuggingFace.
vi-layoutxlm
VI-LayoutXLM(Visual-feature Independent LayoutXLM)
DYF-AI's Repositories
DYF-AI/donut-tutorial
Donut 🍩 : Document Understanding Transformer
DYF-AI/vi-layoutxlm
VI-LayoutXLM(Visual-feature Independent LayoutXLM)
DYF-AI/custom-swift
ms-swift: Use PEFT or Full-parameter to finetune 250+ LLMs or 35+ MLLMs. (Qwen2, GLM4, Internlm2, Yi, Llama3, Llava, MiniCPM-V, Deepseek, Baichuan2, Gemma2, Phi3-Vision, ...)
DYF-AI/invoice-template
invoice-template for generate donut finetune data
DYF-AI/pyqt-pyside-6
pyqt-pyside-6
DYF-AI/Transformers-Tutorials
This repository contains demos I made with the Transformers library by HuggingFace.
DYF-AI/Auto-GPT
An experimental open-source attempt to make GPT-4 fully autonomous.
DYF-AI/ChatGLM-6B
ChatGLM-6B:开源双语对话语言模型 | An Open Bilingual Dialogue Language Model
DYF-AI/ChatGLM-Tuning
一种平价的chatgpt实现方案, 基于ChatGLM-6B + LoRA
DYF-AI/ChatGLM3
ChatGLM3 series: Open Bilingual Chat LLMs | 开源双语对话语言模型
DYF-AI/Chinese-LLaMA-Alpaca-2
中文LLaMA-2 & Alpaca-2大模型二期项目 + 16K超长上下文模型 (Chinese LLaMA-2 & Alpaca-2 LLMs, including 16K long context models)
DYF-AI/donut
Official Implementation of OCR-free Document Understanding Transformer (Donut) and Synthetic Document Generator (SynthDoG), ECCV 2022
DYF-AI/DYF-AI.github.io
DYF的hexo博客
DYF-AI/InstructUIE
Universal information extraction with instruction learning
DYF-AI/leetcode
DYF-AI/llama2.c
Inference Llama 2 in one file of pure C
DYF-AI/llama2.mojo
Inference Llama 2 in one file of pure 🔥
DYF-AI/llama3-from-scratch-zh
从零实现一个 llama3 中文版
DYF-AI/model-export
An open-source model export toolkit
DYF-AI/mojo
The Mojo Programming Language
DYF-AI/multimodal-lm
multimodal-lm: A multimodal model library that includes data preprocessing, JSON serialization, deserialization, and training code
DYF-AI/optimum
🚀 Accelerate training and inference of 🤗 Transformers and 🤗 Diffusers with easy to use hardware optimization tools
DYF-AI/PaddleDetection
Object Detection toolkit based on PaddlePaddle. It supports object detection, instance segmentation, multiple object tracking and real-time multi-person keypoint detection.
DYF-AI/PaddleOCR
Awesome multilingual OCR toolkits based on PaddlePaddle (practical ultra lightweight OCR system, provide data annotation and synthesis tools, support training and deployment among server, mobile, embedded and IoT devices)
DYF-AI/PaddleOCR2Pytorch
PaddleOCR inference in PyTorch. Converted from [PaddleOCR](https://github.com/PaddlePaddle/PaddleOCR)
DYF-AI/sentencepiece
Unsupervised text tokenizer for Neural Network-based text generation.
DYF-AI/sentencepiece_chinese_bpe
使用sentencepiece中BPE训练中文词表,并在transformers中进行使用。
DYF-AI/transformers-dyfai
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
DYF-AI/ultralytics
NEW - YOLOv8 🚀 in PyTorch > ONNX > OpenVINO > CoreML > TFLite
DYF-AI/vllm
A high-throughput and memory-efficient inference and serving engine for LLMs