All Projects → vonfeng → DeepMove

vonfeng / DeepMove

Licence: GPL-2.0 license
Codes for WWW'18 Paper-DeepMove: Predicting Human Mobility with Attentional Recurrent Network

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to DeepMove

Attentive Neural Processes
implementing "recurrent attentive neural processes" to forecast power usage (w. LSTM baseline, MCDropout)
Stars: ✭ 33 (-72.5%)
Mutual labels:  prediction, attention
Base-On-Relation-Method-Extract-News-DA-RNN-Model-For-Stock-Prediction--Pytorch
基於關聯式新聞提取方法之雙階段注意力機制模型用於股票預測
Stars: ✭ 33 (-72.5%)
Mutual labels:  prediction, attention
epl-ranktable-prediction
Prediction of Premier league standings using Poisson distribution
Stars: ✭ 16 (-86.67%)
Mutual labels:  prediction
gridpp
Software to post-process gridded weather forecasts
Stars: ✭ 33 (-72.5%)
Mutual labels:  prediction
bert attn viz
Visualize BERT's self-attention layers on text classification tasks
Stars: ✭ 41 (-65.83%)
Mutual labels:  attention
keras-utility-layer-collection
Collection of custom layers and utility functions for Keras which are missing in the main framework.
Stars: ✭ 63 (-47.5%)
Mutual labels:  attention
prediction
Tidy, Type-Safe 'prediction()' Methods
Stars: ✭ 86 (-28.33%)
Mutual labels:  prediction
STOCK-RETURN-PREDICTION-USING-KNN-SVM-GUASSIAN-PROCESS-ADABOOST-TREE-REGRESSION-AND-QDA
Forecast stock prices using machine learning approach. A time series analysis. Employ the Use of Predictive Modeling in Machine Learning to Forecast Stock Return. Approach Used by Hedge Funds to Select Tradeable Stocks
Stars: ✭ 94 (-21.67%)
Mutual labels:  prediction
timemachines
Predict time-series with one line of code.
Stars: ✭ 342 (+185%)
Mutual labels:  prediction
forecastVeg
A Machine Learning Approach to Forecasting Remotely Sensed Vegetation Health in Python
Stars: ✭ 44 (-63.33%)
Mutual labels:  prediction
SF-GRU
Pedestrian Action Anticipation using Contextual Feature Fusion in Stacked RNNs
Stars: ✭ 43 (-64.17%)
Mutual labels:  prediction
cnn age gender
Age and Gender prediction using Keras
Stars: ✭ 58 (-51.67%)
Mutual labels:  prediction
satimage
Code and models for the manuscript "Predicting Poverty and Developmental Statistics from Satellite Images using Multi-task Deep Learning"
Stars: ✭ 27 (-77.5%)
Mutual labels:  prediction
natural-language-joint-query-search
Search photos on Unsplash based on OpenAI's CLIP model, support search with joint image+text queries and attention visualization.
Stars: ✭ 143 (+19.17%)
Mutual labels:  attention
tensorflow-chatbot-chinese
網頁聊天機器人 | tensorflow implementation of seq2seq model with bahdanau attention and Word2Vec pretrained embedding
Stars: ✭ 50 (-58.33%)
Mutual labels:  attention
flow1d
[ICCV 2021 Oral] High-Resolution Optical Flow from 1D Attention and Correlation
Stars: ✭ 91 (-24.17%)
Mutual labels:  attention
MachineLearning
An easy neural network for Java!
Stars: ✭ 125 (+4.17%)
Mutual labels:  prediction
joineRML
R package for fitting joint models to time-to-event data and multivariate longitudinal data
Stars: ✭ 24 (-80%)
Mutual labels:  prediction
stock-price-prediction
A practice project for machine learning and stop price prediction
Stars: ✭ 19 (-84.17%)
Mutual labels:  prediction
DeepLearningReading
Deep Learning and Machine Learning mini-projects. Current Project: Deepmind Attentive Reader (rc-data)
Stars: ✭ 78 (-35%)
Mutual labels:  attention

DeepMove

PyTorch implementation of WWW'18 paper-DeepMove: Predicting Human Mobility with Attentional Recurrent Networks link

Datasets

The sample data to evaluate our model can be found in the data folder, which contains 800+ users and ready for directly used. The raw mobility data similar to ours used in the paper can be found in this public link.

Requirements

cPickle is used in the project to store the preprocessed data and parameters. While appearing some warnings, pytorch 0.3.0 can also be used.

Project Structure

  • /codes
  • /pretrain
    • /simple
    • /simple_long
    • /attn_local_long
    • /attn_avg_long_user
  • /data # preprocessed foursquare sample data (pickle file)
  • /docs # paper and presentation file
  • /resutls # the default save path when training the model

Usage

  1. Load a pretrained model:
python main.py --model_mode=attn_avg_long_user --pretrain=1

The codes contain four network model (simple, simple_long, attn_avg_long_user, attn_local_long) and a baseline model (Markov). The parameter settings for these model can refer to their res.txt file.

model_in_code model_in_paper top-1 accuracy (pre-trained)
markov markov 0.082
simple RNN-short 0.096
simple_long RNN-long 0.118
attn_avg_long_user Ours attn-1 0.133
attn_local_long Ours attn-2 0.145
  1. Train a new model:
python main.py --model_mode=attn_avg_long_user --pretrain=0

Other parameters (refer to main.py):

  • for training:
    • learning_rate, lr_step, lr_decay, L2, clip, epoch_max, dropout_p
  • model definition:
    • loc_emb_size, uid_emb_size, tim_emb_size, hidden_size, rnn_type, attn_type
    • history_mode: avg, avg, whole

Others

Batch version for this project will come soon.

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].