Pinned Repositories
adaptive-large-neighbourhood-search
ALNS header-only library (loosely) based on the original implementation by Stefan Ropke.
AI
Microsoft AI
aistudio-vloong-anomaly-detection-top11
AI Studio x vLoong能源AI挑战赛——异常检测赛 A榜 TOP11 B榜 TOP8 方案
algorithm
回溯算法
algorithm-base
一位酷爱做饭的程序员,立志用动画将算法说的通俗易懂。我的面试网站 www.chengxuchu.com
algorithm011-class01
allennlp
An open-source NLP research library, built on PyTorch.
ALNS
Adaptive large neighbourhood search in Python.
tensorflow-DeepFM
Tensorflow implementation of DeepFM for CTR prediction.
transdim
Machine learning for transportation data imputation and prediction.
wallace-163's Repositories
wallace-163/coding-problems
Solutions for various coding/algorithmic problems and many useful resources for learning algorithms and data structures
wallace-163/algorithm011-class01
wallace-163/tutorials
机器学习相关教程
wallace-163/pytorch
Tensors and Dynamic neural networks in Python with strong GPU acceleration
wallace-163/pytorch.github.io
The website for PyTorch
wallace-163/text_classification
使用rnn,lstm,gru,fasttext,textcnn,dpcnn,rnn-att,lstm-att,bert,bert-cnn,bert-rnn,bert-rcnn,han,xlnet等等做文本分类,以及对比
wallace-163/fucking-algorithm
刷算法全靠套路,认准 labuladong 就够了!English version supported! Crack LeetCode, not only how, but also why.
wallace-163/gym-anytrading
The most simple, flexible, and comprehensive OpenAI Gym trading environment (Approved by OpenAI Gym)
wallace-163/Reflection_Summary
算法理论基础知识应知应会
wallace-163/Dive-into-DL-PyTorch
本项目将《动手学深度学习》(Dive into Deep Learning)原书中的MXNet实现改为PyTorch实现。
wallace-163/medical_entity_recognize
医疗实体识别
wallace-163/nndl.github.io
《神经网络与深度学习》 邱锡鹏著 Neural Network and Deep Learning
wallace-163/pytorch-tutorial
PyTorch Tutorial for Deep Learning Researchers
wallace-163/DeepRL
Deep Reinforcement Learning Lab, a platform designed to make DRL technology and fun for everyone
wallace-163/Reco-papers
Classic papers and resources on recommendation
wallace-163/PyTorch-Tutorial-1
Build your neural network easy and fast
wallace-163/CS-Notes
:books: 技术面试必备基础知识、Leetcode、计算机操作系统、计算机网络、系统设计、Java、Python、C++
wallace-163/scikit-hts
Hierarchical Time Series Forecasting with a familiar API
wallace-163/baselines
OpenAI Baselines: high-quality implementations of reinforcement learning algorithms
wallace-163/tinyflow-1
A simple deep learning framework that supports automatic differentiation and GPU acceleration.
wallace-163/Deep-Reinforcement-Learning-Algorithms-with-PyTorch
PyTorch implementations of deep reinforcement learning algorithms and environments
wallace-163/temporal_fusion_transformer_pytorch
wallace-163/TIDIBEI
基于机器学习方法构建多因子选股模型:RandomForest, GBDT, Adaboots, xgboost,MLP, Linear Model, LSTM
wallace-163/TimeSeries
Implementation of deep learning models for time series in PyTorch.
wallace-163/Machine_Learning_Code
《统计学习方法》与常见机器学习模型(GBDT/XGBoost/lightGBM/FM/FFM)的原理讲解与python和类库实现
wallace-163/deep_learning_estimator
深度学习在推荐算法的ctr预估等场景中的应用,该项目使用tensorflow estimator进行封装,包括dnn、deepfm、din、autoint等模型
wallace-163/Keras-learning
Keras学习过程中的一些项目
wallace-163/PySpark_Kaggle_DataCastle_TianChi_JData_Kesci_ppd_AiChallenger
考虑到工作开始慢慢接触spark生态,学习下Spark,PySpark功能,尝试使用PySpark,将Kaggle,DataCastle,TianChi,JData,Kesci,ppd,AiChallenger上面一些高质量比赛的参赛者分享的基于Pandas和Ligthtgbm的top方案,用PySpark和LightGBM on Apache Spark来进行复现,一方面熟悉相关包的功能和接口,一方面也了解top选手的一些数据挖掘、分析的思路和套路,trick等等,工作以后能刷比赛的时间实在太少了,如果有自己参加比赛成绩较好的,也会尝试复现。包含:IEEE-CIS Fraud Detection
wallace-163/Spark-practice
Apache Spark (PySpark) Practice on Real Data
wallace-163/deep-reinforcement-learning-gym
Deep reinforcement learning model implementation in Tensorflow + OpenAI gym