Pinned Repositories
2020codecraft
2020华为软挑初赛粤港澳赛区第一,复赛粤港澳赛区A榜第一解决方案
alphaFM
Multi-thread implementation of Factorization Machines with FTRL for binary-class classification problem.
alphaFM_softmax
Multi-thread implementation of Factorization Machines with FTRL for multi-class classification problem which uses softmax as hypothesis.
angel
A Flexible and Powerful Parameter Server for large-scale machine learning
ant-xgboost
Scalable, Portable and Distributed Gradient Boosting (GBDT, GBRT or GBM) Library, for Python, R, Java, Scala, C++ and more. Runs on single machine, Hadoop, Spark, Flink and DataFlow
Auto-GPT
An experimental open-source attempt to make GPT-4 fully autonomous.
awesome-machine-learning
A curated list of awesome Machine Learning frameworks, libraries and software.
baidu-allreduce
build-web-application-with-golang
A golang ebook intro how to build a web with golang
tensorflow
An Open Source Machine Learning Framework for Everyone
Eugene1518's Repositories
Eugene1518/2020codecraft
2020华为软挑初赛粤港澳赛区第一,复赛粤港澳赛区A榜第一解决方案
Eugene1518/Auto-GPT
An experimental open-source attempt to make GPT-4 fully autonomous.
Eugene1518/BallTracker
Repository that handles the tracking of the ball in a video of two people playing ping pong. Based on TrackNetV3.
Eugene1518/Classic-and-state-of-the-art-image-fusion-methods
CBF,CVT,DTCWT,GTF,LP,MSVD,RP,Wavelet,CNN,Deepfuse,DenseFuse,FusionGAN,IFCNN,MDlatLRR,DDcGAN,ResNetFusion,NestFuse,NVCE,FusionDN,HybridMSD,PMGI,IFEVIP,StructAware,U2Fusion,MEF-GAN,JSR,ConvSR,DCHWT,MEFGAN,MWFG,PMGI,PANGAN,ect
Eugene1518/coding-interview-university
A complete computer science study plan to become a software engineer.
Eugene1518/deep-image-processing
Deep learning in image processing
Eugene1518/draw-YOLO-box
Draw bounding boxes on raw images based on YOLO format annotation. Help to check the correctness of annotation and extract the images with wrong boxes.
Eugene1518/gcForest
This is the official implementation for the paper 'Deep forest: Towards an alternative to deep neural networks'
Eugene1518/image-enhancement
🌈 Library to enhance image
Eugene1518/ImageProcessing100Wen
「画像処理100本ノック」中文版本!为图像处理初学者设计的 100 个问题。
Eugene1518/imbalanced-learn
A Python Package to Tackle the Curse of Imbalanced Datasets in Machine Learning
Eugene1518/LeetCode
LeetCode刷题记录
Eugene1518/libfm
Library for factorization machines
Eugene1518/LTM
The local tone mapping algorithm based on histogram
Eugene1518/Machine-Learning-Collection
A resource for learning about Machine learning & Deep Learning
Eugene1518/Machine-Learning-with-Python
Python code for common Machine Learning Algorithms
Eugene1518/MFIF
Multi-focus image fusion: papers, datasets and results
Eugene1518/milvus
An open source vector similarity search engine
Eugene1518/object-detection-tensorrt-example
Running object detection on a webcam feed using TensorRT on NVIDIA GPUs in Python.
Eugene1518/OccNet-Course
国内首个占据栅格网络全栈课程《从BEV到Occupancy Network,算法原理与工程实践》,包含端侧部署。Surrounding Semantic Occupancy Perception Course for Autonomous Driving (docs, ppt and source code) 课程主页:http://111.229.117.200:7001/
Eugene1518/onnx-tensorrt
ONNX-TensorRT: TensorRT backend for ONNX
Eugene1518/poseC3D_fights
Recognizing fights is crucial for security. Image processing and AI detect objects and danger levels. Solutions include deep learning and video analysis. This improves safety and reduces violence.
Eugene1518/PRMLT
Matlab code of machine learning algorithms in book PRML
Eugene1518/pumpkin-book
《机器学习》(西瓜书)公式推导解析,在线阅读地址:https://datawhalechina.github.io/pumpkin-book
Eugene1518/pytorch-loss
label-smooth, amsoftmax, partial-fc, focal-loss, triplet-loss, lovasz-softmax. Maybe useful
Eugene1518/spark-fm
A parallel implementation of factorization machines based on Spark
Eugene1518/spark-knn
k-Nearest Neighbors algorithm on Spark
Eugene1518/Statistical-Learning-Method_Code
手写实现李航《统计学习方法》书中全部算法
Eugene1518/TransmogrifAI
TransmogrifAI (pronounced trăns-mŏgˈrə-fī) is an AutoML library for building modular, reusable, strongly typed machine learning workflows on Apache Spark with minimal hand-tuning
Eugene1518/video-ar
Official implementations of Taylor videos and Taylor-transformed skeletons (ICML 2024).