All Projects → jim-spyropoulos → Trajectory-Analysis-and-Classification-in-Python-Pandas-and-Scikit-Learn

jim-spyropoulos / Trajectory-Analysis-and-Classification-in-Python-Pandas-and-Scikit-Learn

Licence: Apache-2.0 license
Formed trajectories of sets of points.Experimented on finding similarities between trajectories based on DTW (Dynamic Time Warping) and LCSS (Longest Common SubSequence) algorithms.Modeled trajectories as strings based on a Grid representation.Benchmarked KNN, Random Forest, Logistic Regression classification algorithms to classify efficiently t…

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Trajectory-Analysis-and-Classification-in-Python-Pandas-and-Scikit-Learn

dlime experiments
In this work, we propose a deterministic version of Local Interpretable Model Agnostic Explanations (LIME) and the experimental results on three different medical datasets shows the superiority for Deterministic Local Interpretable Model-Agnostic Explanations (DLIME).
Stars: ✭ 21 (-48.78%)
Mutual labels:  random-forest, scikit-learn, knn, classifiers
ICC-2019-WC-prediction
Predicting the winner of 2019 cricket world cup using random forest algorithm
Stars: ✭ 41 (+0%)
Mutual labels:  random-forest, scikit-learn, logistic-regression
Amazon-Fine-Food-Review
Machine learning algorithm such as KNN,Naive Bayes,Logistic Regression,SVM,Decision Trees,Random Forest,k means and Truncated SVD on amazon fine food review
Stars: ✭ 28 (-31.71%)
Mutual labels:  random-forest, logistic-regression, knn
comparing-trajectory-clustering-methods
Comparing Different Clustering Methods and Similarity Metrics on Trajectory Datasets
Stars: ✭ 82 (+100%)
Mutual labels:  scikit-learn, trajectory-analysis, trajectory
Breast-Cancer-Scikitlearn
simple tutorial on Machine Learning with Scikitlearn
Stars: ✭ 33 (-19.51%)
Mutual labels:  random-forest, logistic-regression, knn
Mljar Supervised
Automated Machine Learning Pipeline with Feature Engineering and Hyper-Parameters Tuning 🚀
Stars: ✭ 961 (+2243.9%)
Mutual labels:  random-forest, scikit-learn
Tpot
A Python Automated Machine Learning tool that optimizes machine learning pipelines using genetic programming.
Stars: ✭ 8,378 (+20334.15%)
Mutual labels:  random-forest, scikit-learn
Text classification
Text Classification Algorithms: A Survey
Stars: ✭ 1,276 (+3012.2%)
Mutual labels:  random-forest, logistic-regression
AIML-Projects
Projects I completed as a part of Great Learning's PGP - Artificial Intelligence and Machine Learning
Stars: ✭ 85 (+107.32%)
Mutual labels:  random-forest, logistic-regression
Machine Learning With Python
Python code for common Machine Learning Algorithms
Stars: ✭ 3,334 (+8031.71%)
Mutual labels:  random-forest, logistic-regression
Isl Python
Solutions to labs and excercises from An Introduction to Statistical Learning, as Jupyter Notebooks.
Stars: ✭ 108 (+163.41%)
Mutual labels:  random-forest, logistic-regression
Emlearn
Machine Learning inference engine for Microcontrollers and Embedded devices
Stars: ✭ 154 (+275.61%)
Mutual labels:  random-forest, scikit-learn
Awesome Fraud Detection Papers
A curated list of data mining papers about fraud detection.
Stars: ✭ 843 (+1956.1%)
Mutual labels:  random-forest, logistic-regression
Jsmlt
🏭 JavaScript Machine Learning Toolkit
Stars: ✭ 22 (-46.34%)
Mutual labels:  random-forest, logistic-regression
25daysinmachinelearning
I will update this repository to learn Machine learning with python with statistics content and materials
Stars: ✭ 53 (+29.27%)
Mutual labels:  random-forest, logistic-regression
Text Classification Benchmark
文本分类基准测试
Stars: ✭ 18 (-56.1%)
Mutual labels:  random-forest, logistic-regression
Machine Learning With Python
Practice and tutorial-style notebooks covering wide variety of machine learning techniques
Stars: ✭ 2,197 (+5258.54%)
Mutual labels:  random-forest, scikit-learn
Tensorflow Ml Nlp
텐서플로우와 머신러닝으로 시작하는 자연어처리(로지스틱회귀부터 트랜스포머 챗봇까지)
Stars: ✭ 176 (+329.27%)
Mutual labels:  random-forest, logistic-regression
Machine Learning Is All You Need
🔥🌟《Machine Learning 格物志》: ML + DL + RL basic codes and notes by sklearn, PyTorch, TensorFlow, Keras & the most important, from scratch!💪 This repository is ALL You Need!
Stars: ✭ 173 (+321.95%)
Mutual labels:  random-forest, logistic-regression
yupi
Python package designed for collecting and processing trajectory data.
Stars: ✭ 30 (-26.83%)
Mutual labels:  trajectory-analysis, trajectory

Trajectory Analysis and Classification in Python (Pandas and Scikit Learn)

A university project for the postgraduate class of Data Mining.

We were given a train_set with geographical points paired with the time interval. Firstly, we cleaned the dataset and then we formed the trajectories (with the corresponding route id). The last step of this part was to filter out some trajectories based on _their total_distance and max distance (between two of their points).

The goal of this project was firstly to compute trajectory similarity between trajectories of test_set_a1/a2.csv and the train_set.csv.

The algorithms used for that were :

  1. Fast Dynamic Time Warping (Fast-DTW), taken from https://github.com/slaypni/fastdtw
  2. Longest Common Subsequence algorithm, which i implemented.

The distance taken into account each time, was the Havershine distance of the points. Files lcss_neighbors.py and fast_dtw_neighbors.py read the corresponding trajectories from test_set_a1/a2.csv and find the 5 most 'similar' trajectories from the cleaned dataset. Finally, they plot them with some specific metrics of similarity.

The second part of the project was to train KNN,Random Forest, and Logistic Regression classifiers and predict the routes of trajectories of the test_set.csv . The first step was to assign each trajectory to a string (composed of cell codes) via a grid representation. In the second step, 10-cross-fold-validation was used to train the classifiers with grid strings of the dataset with accuracy metric . I conducted various experiments, by changing each classifier's parameters.

Lastly,the classifiers with the best accuracy were bunched together in the Voting Classifier. The final classifier was used to find labels for the trajectories of the test_set.csv .

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].