Pinned Repositories
addFormula2docx
Add Any Formula to DOCX (LaTex/MathML)
AdvancedEAST-PyTorch
将原本Keras版本的AdvancedEAST改写成PyTorch版,将数据集由.npy文件改成一个LMDB文件,加入Precision,Recall, F1 score方便训练以及调试,底层网络仍然用VGG16。
AiLearning
AiLearning: 机器学习 - MachineLearning - ML、深度学习 - DeepLearning - DL、自然语言处理 NLP
albert_zh
A LITE BERT FOR SELF-SUPERVISED LEARNING OF LANGUAGE REPRESENTATIONS, 海量中文预训练ALBERT模型
AutoClick
鼠标连点器
automatic-watermark-detection
Project for Digital Image Processing
awesome-deep-text-detection-recognition
A curated list of resources for text detection/recognition (optical character recognition ) with deep learning methods.
Awesome-pytorch-list-CNVersion
Awesome-pytorch-list 翻译工作进行中......
BERT-for-Sequence-Labeling-and-Text-Classification
This is the template code to use BERT for sequence lableing and text classification, in order to facilitate BERT for more tasks. Currently, the template code has included conll-2003 named entity identification, Snips Slot Filling and Intent Prediction.
CASIA_HW_data_processing
CASIA-HWDB1-2、CASIA-OLHWDB1-2、ICDAR2013联机脱机数据处理
stq-hydra's Repositories
stq-hydra/CASIA_HW_data_processing
CASIA-HWDB1-2、CASIA-OLHWDB1-2、ICDAR2013联机脱机数据处理
stq-hydra/cnocr
基于 PyTorch/MXNet 的中文/英文 OCR Python 包
stq-hydra/cp-vton-plus
Official implementation for "CP-VTON+: Clothing Shape and Texture Preserving Image-Based Virtual Try-On", CVPRW 2020
stq-hydra/CRNN_ACE_Loss
CRNN training with ACE Loss
stq-hydra/DBNet
DeepVAC-compliant DB Net implementation.
stq-hydra/deepvac
PyTorch Project Specification.
stq-hydra/DewarpNet
Code for the paper "DewarpNet: Single-Image Document Unwarping With Stacked 3D and 2D Regression Networks" (ICCV '19)
stq-hydra/hand-gesture-recognition-using-mediapipe
MediaPipe(Python版)を用いて手の姿勢推定を行い、検出したキーポイントを用いて、簡易なMLPでハンドサインとフィンガージェスチャーを認識するサンプルプログラムです。(Estimate hand pose using MediaPipe(Python version). This is a sample program that recognizes hand signs and finger gestures with a simple MLP using the detected key points.)
stq-hydra/handwritten-chinese-ocr-samples
End-to-end model training and deployment reference for handwritten Chinese text recognition, and can also be extended to other languages.
stq-hydra/image-to-latex
Convert images of LaTex math equations into LaTex code.
stq-hydra/IMDLBenCo
[NeurIPS'24 Spotlight] A comprehensive benchmark & codebase for Image manipulation detection/localization.
stq-hydra/Keyframes-CNN-RNN-action-recognition-
使用关键帧技术提取关键帧后,使用CNN-RNN网络模型框架提取并融合特征,最后softmax分类
stq-hydra/lang-segment-anything
SAM with text prompt
stq-hydra/lifeRestart
やり直すんだ。そして、次はうまくやる。
stq-hydra/mediapipe-python-sample
MediaPipeのPythonパッケージのサンプルです。2021/06/04時点でPython実装のある7機能(Hands、Pose、Face Mesh、Holistic、Face Detection、Objectron、Selfie Segmentation)について用意しています。
stq-hydra/ocr_torch
ocr_torch是基于Torch1.8实现的DBNet(2.2M) + CRNN(3.8M)实现的轻量级文字检测识别项目(支持onnx推理).
stq-hydra/Open-Sora
Open-Sora: Democratizing Efficient Video Production for All
stq-hydra/openbilibili-common
bilibili leaked source code
stq-hydra/PaddleOCR
Awesome multilingual OCR toolkits based on PaddlePaddle (practical ultra lightweight OCR system, support 80+ languages recognition, provide data annotation and synthesis tools, support training and deployment among server, mobile, embedded and IoT devices)
stq-hydra/python-wechaty
Python Wechaty is a Conversational RPA SDK for Chatbot Makers written in Python
stq-hydra/pytorch-gken
Official Pytorch implementation of the ACM MM'21 paper: Keyframe Extraction from Motion Capture Sequences with Graph based Deep Reinforcement Learning
stq-hydra/pytorchOCR-1
基于pytorch的ocr算法库,包括 psenet, pan, dbnet, sast , crnn
stq-hydra/Semantic-Aware-Video-Text-Detection
stq-hydra/SwinTextSpotter
Pytorch re-implementation of Paper: SwinTextSpotter: Scene Text Spotting via Better Synergy between Text Detection and Text Recognition (CVPR 2022)
stq-hydra/Synthesize-Distorted-Image-and-Its-Control-Points
Synthesize distorted document image and control points.
stq-hydra/TESTR
(CVPR 2022) Text Spotting Transformers
stq-hydra/Text-Recognition-on-Cross-Domain-Datasets
Improved Text recognition algorithms on different text domains like scene text, handwritten, document, Chinese/English, even ancient books
stq-hydra/text-to-handwriting
So your teacher asked you to upload written assignments? Hate writing assigments? This tool will help you convert your text to handwriting xD
stq-hydra/unilm
UniLM AI - Large-scale Self-supervised Pre-training across Tasks, Languages, and Modalities
stq-hydra/YOLOX
YOLOX is a high-performance anchor-free YOLO. Exceeding yolov3~v5 with ONNX, TensorRT, ncnn, and OpenVINO supported.