Pinned Repositories
binary-classification-task-xgboost
binary classification task for Kaggle sample using Pandas, sklearn, xgboost
Compiler_buaa
2015_buaa_compiler_extPL0_13061026
DailyProgramming
LeetCode and other trial programs
deep_learning_multi_touch_attribution_with_interpretation
This is the project that developed for marketing attribution. It is an interpretable deep learning model for marketing problem.
interpretable-deep-model-mta
This is the project that developed for marketing attribution. It is an interpretable deep learning model for marketing problem.
Log-Analysis
This is the project using Java Hadoop to analyse system log file in several server to do some statistic jobs.
machine_learning
A collection of machine learning examples and tutorials.
MASNUM
This is the project to join ASC16 and gain the application innovation prize. The paper URL is http://journals.plos.org/plosone/article/file?id=10.1371/journal.pone.0169130&type=printable
QA-DSSM
This is knowledge-base Question and Answering system using DSSM method.
Wechat-tool-for-USC-Second-hand-Group
This is the original Wechat mini code built for second hand group. The function of it is to transfer message between different group chat. In this way, the people in different groups could keep in contact with each others and the information of second hand things are shared.
dongdyang's Repositories
dongdyang/binary-classification-task-xgboost
binary classification task for Kaggle sample using Pandas, sklearn, xgboost
dongdyang/DailyProgramming
LeetCode and other trial programs
dongdyang/machine_learning
A collection of machine learning examples and tutorials.
dongdyang/artificio
Deep Learning Computer Vision Algorithms for Real-World Use
dongdyang/ChannelAttribution
:exclamation: This is a read-only mirror of the CRAN R package repository. ChannelAttribution — Markov Model for the Online Multi-Channel Attribution Problem. Homepage: http://www.slideshare.net/adavide1982/markov-model-for-the-multichannel-attribution-problem http://www.lunametrics.com/blog/2016/06/30/marketing-channel-attribution-markov-models-r/ http://analyzecore.com/2016/08/03/attribution-model-r-part-1/
dongdyang/channelattribution-1
Markov chain
dongdyang/char-rnn
Multi-layer Recurrent Neural Networks (LSTM, GRU, RNN) for character-level language models in Torch
dongdyang/darkflow
Translate darknet to tensorflow. Load trained weights, retrain/fine-tune using tensorflow, export constant graph def to mobile devices
dongdyang/DNN-for-four-labels-classification
dongdyang/FastMaskRCNN
Mask RCNN in TensorFlow
dongdyang/HMM-for-word-tagging
reach precision 88% on English dataset and 86% on Chinese dataset just using simplest HMM. Easy to understand.
dongdyang/information-retrieval-572-Hadoop
dongdyang/keras_Realtime_Multi-Person_Pose_Estimation
Keras version of Realtime Multi-Person Pose Estimation project
dongdyang/kernel-hub
Class projects, Kaggle kernels, etc.
dongdyang/key_point_detection
dongdyang/LeakGAN
The codes of paper "Long Text Generation via Adversarial Training with Leaked Information" on AAAI 2018. Text generation using GAN and Hierarchical Reinforcement Learning.
dongdyang/lime-experiments
Code for all experiments.
dongdyang/Mask_RCNN
Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow
dongdyang/object-detection
dongdyang/py-faster-rcnn-data-interface-generator
A text replacement based faster rcnn data interface generator
dongdyang/PyRATA
"Python Rule-based feAture sTructure Analysis" or "Python Rule-bAsed Text Analysis"
dongdyang/Search-Engine-for-News-Website
dongdyang/shap
A unified approach to explain the output of any machine learning model
dongdyang/shapley
Shaple Value Regression with Gini Coefficients
dongdyang/STDN
Code for our kdd 2018
dongdyang/Texygen
A text generation benchmarking platform
dongdyang/tf-lstm-char-cnn
tensorflow rewrite of Yoon Kim's lstm-char-cnn
dongdyang/torch-rnn
Efficient, reusable RNNs and LSTMs for torch
dongdyang/WSDDN
Weakly Supervised Deep Detection Networks (CVPR 2016)
dongdyang/yolov2_tf_ios
Object Detection with YOLOv2 and TensorFlow on iOS