Pinned Repositories
3d-face-reconstruction
3D Face Reconstruction from RGBD data, and Deformation Transfer
ChatLM-mini-Chinese
中文对话0.2B小模型(ChatLM-Chinese-0.2B),开源所有数据集来源、数据清洗、tokenizer训练、模型预训练、SFT指令微调、RLHF优化等流程的全部代码。支持下游任务sft微调,给出三元组信息抽取微调示例。
computerVision-basicKnowledge
计算机视觉领域的一些基础知识的积累
Hyperspectral-Classification
Hyperspectral-Classification Pytorch
Machine-Learning
:zap:机器学习实战(Python3):kNN、决策树、贝叶斯、逻辑回归、SVM、线性回归、树回归
myStars
Github上stars的项目,提供了根据TOPICS和语言等进行分类检索的功能,使用起来还是有很多不便。为了给更多的优秀项目点赞,同时不影响自己对一些项目跟进。记录一下对自己有帮助或者希望后期跟进的一些优秀组织和个人的项目。
ncnn-android-yolov8-pose
STN-Pytorch
spatial transformer networks 学习以及简单使用
TCP-IP
学习TCP/IP(Transmission Control Protocol/Internet Protocol) 传输控制协议和网际协议
yolov8-ncnn-inference
NEW - YOLOv8 🚀 in PyTorch > ONNX > OpenVINO > CoreML > TFLite
eecn's Repositories
eecn/Hyperspectral-Classification
Hyperspectral-Classification Pytorch
eecn/ncnn-android-yolov8-pose
eecn/myStars
Github上stars的项目,提供了根据TOPICS和语言等进行分类检索的功能,使用起来还是有很多不便。为了给更多的优秀项目点赞,同时不影响自己对一些项目跟进。记录一下对自己有帮助或者希望后期跟进的一些优秀组织和个人的项目。
eecn/yolov8-ncnn-inference
NEW - YOLOv8 🚀 in PyTorch > ONNX > OpenVINO > CoreML > TFLite
eecn/ChatLM-mini-Chinese
中文对话0.2B小模型(ChatLM-Chinese-0.2B),开源所有数据集来源、数据清洗、tokenizer训练、模型预训练、SFT指令微调、RLHF优化等流程的全部代码。支持下游任务sft微调,给出三元组信息抽取微调示例。
eecn/cilantro
A lean C++ library for working with point cloud data
eecn/CMUComputationalPhotography
Jupyter Notebooks for CMU Computational Photography Course 15.463
eecn/computer-algorithm-notes
记录在学习计算机算法过程中的一些学习记录。这里关于计算机算法和数学算法借用labuladong的定义:「算法工程师」的「算法」,重点在数学建模和调参经验,计算机真就只是拿来做计算的工具而已;「数据结构与算法」的「算法」重点是计算机 思维,需要站在计算机的视⻆,抽象、化简实际问题,然后用合理的数据结构去解决问题。
eecn/CPP
Lecture notes, projects and other materials for Course 'CS205 C/C++ Program Design' at Southern University of Science and Technology.
eecn/d2l-zh
《动手学深度学习》:面向中文读者、能运行、可讨论。中英文版被70多个国家的500多所大学用于教学。
eecn/eecn.github.io
eecn/eecn.github.io1
eecn/HRNet-Facial-Landmark-Detection
This is an official implementation of facial landmark detection for our TPAMI paper "Deep High-Resolution Representation Learning for Visual Recognition". https://arxiv.org/abs/1908.07919
eecn/image-palette
A Python implemented algorithm is used to extract the dominant color of an image
eecn/ImageColorTheme
Extract Color Themes from Images
eecn/learn-nlp-with-transformers
we want to create a repo to illustrate usage of transformers in chinese
eecn/LLM-note
记录大模型学习的一些笔记
eecn/MiniCPM
MiniCPM3-4B: An edge-side LLM that surpasses GPT-3.5-Turbo.
eecn/my_Pillow_enhance
自己实现的python pillow库的image enhancement方法以及一个 center seam方法用于图像融合
eecn/OneEuroFilter
Algorithm to filter noisy signals for high precision and responsiveness.
eecn/openISP
Image Signal Processor
eecn/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)
eecn/PFLD-pytorch
PFLD pytorch Implementation
eecn/Plane_Detection
This project relies on OpenCV using C++ 11 as the programming language, a multi-plane detection algorithm of point cloud is realized. At the same time, a relatively effective algorithm optimization is proposed. It has a good performance in the accuracy and speed of multi-plane detection.
eecn/pose_demo_android
pose demo on android mobile based on PaddleDetection
eecn/pytorch_model_deploy
pytorch model deploy practice
eecn/speech-to-speech
Speech To Speech: an effort for an open-sourced and modular GPT4-o
eecn/splash
C++ port of Android's Palette API
eecn/transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
eecn/Tutorial
LLM&VLM Tutorial