Pinned Repositories
attn-PG-RL-tsp
A PyTorch implementation of the attention-based Policy Gradient RL for learning to solve Travelling Salesperson Problem based on the paper https://doi.org/10.1007/978-3-319-93031-2_12
awesome-optimization
A curated list of mathematical optimization courses, lectures, books, notes, libraries, frameworks and software.
DDPG-implementation
An implementation of the DDPG algorithm from the paper "Continuous control with deep reinforcement learning"
GAT-pt
PyTorch implementation of the Graph Attention Networks (GAT) based on the paper "Graph Attention Network" by Velickovic et al - https://arxiv.org/abs/1710.10903v3
GCN-pt
A simple PyTorch implementation of Graph Convolutional Networks based on the paper: https://arxiv.org/abs/1609.02907 (Kipf & Welling, ICLR 2017)
LSM-denoise
Denoising time series using Least Squares Method in python using NumPy.
ml-options-pricing
Pricing Financial Options contracts using LightGBM, Deep Learning, and Support Vector Machines.
portfolio-opt
Implementation of modern portfolio optimization (mean-variance portfolio optimization) using Monte Carlo simulation and sequential least squares programming (scipy package) in Python
QAP-RL
Unofficial implemnetation of "Solving Quadratic Assignemt Problem using Deep Reinforcement Learning" (https://arxiv.org/abs/2310.01604)
semantic-textual-similarity
Categorizing products of an online retailer based on products’ titles using word2vec word-embedding and DBSCAN (density-based spatial clustering of applications with noise) clustering.
ebrahimpichka's Repositories
ebrahimpichka/awesome-optimization
A curated list of mathematical optimization courses, lectures, books, notes, libraries, frameworks and software.
ebrahimpichka/GAT-pt
PyTorch implementation of the Graph Attention Networks (GAT) based on the paper "Graph Attention Network" by Velickovic et al - https://arxiv.org/abs/1710.10903v3
ebrahimpichka/ml-options-pricing
Pricing Financial Options contracts using LightGBM, Deep Learning, and Support Vector Machines.
ebrahimpichka/portfolio-opt
Implementation of modern portfolio optimization (mean-variance portfolio optimization) using Monte Carlo simulation and sequential least squares programming (scipy package) in Python
ebrahimpichka/attn-PG-RL-tsp
A PyTorch implementation of the attention-based Policy Gradient RL for learning to solve Travelling Salesperson Problem based on the paper https://doi.org/10.1007/978-3-319-93031-2_12
ebrahimpichka/QAP-RL
Unofficial implemnetation of "Solving Quadratic Assignemt Problem using Deep Reinforcement Learning" (https://arxiv.org/abs/2310.01604)
ebrahimpichka/LSM-denoise
Denoising time series using Least Squares Method in python using NumPy.
ebrahimpichka/deep-forecast
Forecasting stock prices using LSTM and Feed-Forward Neural Networks (MLP) using historical data.
ebrahimpichka/DDPG-implementation
An implementation of the DDPG algorithm from the paper "Continuous control with deep reinforcement learning"
ebrahimpichka/DeepRL-trade
Algorithmic Trading Using Deep Reinforcement Learning algorithms (PPO and DQN)
ebrahimpichka/GCN-pt
A simple PyTorch implementation of Graph Convolutional Networks based on the paper: https://arxiv.org/abs/1609.02907 (Kipf & Welling, ICLR 2017)
ebrahimpichka/my-Youtube-courses
A list of ML, AI, and CS courses on youtube or other free resources.
ebrahimpichka/TGBase-refactor-gnn
the object-oriented refactorization for code for the paper "A Strong Node Classification Baseline for Temporal Graphs" - https://epubs.siam.org/doi/abs/10.1137/1.9781611977172.73
ebrahimpichka/310-mleng-challenge
310.ai ML Engineering challenges
ebrahimpichka/AWS-ML-Eng-ND-C1
AWS Machine Learning Engineer NanoDegree
ebrahimpichka/CNN-ShoeSandalBoot
Applying different deep learning architectures fro classification on the Shoe vs Sandal vs Boot dataset from kaggle.
ebrahimpichka/conv-autoencoder
Convolutional Autoencoder Implementation in Pytorch
ebrahimpichka/Awesome-Graph-Neural-Networks
Paper Lists for Graph Neural Networks
ebrahimpichka/awesome-ml4co
Awesome machine learning for combinatorial optimization papers.
ebrahimpichka/bayes-portfolio
A Bayesian approach to portfolio optimization.
ebrahimpichka/ebrahimpichka
ebrahimpichka/ebrahimpichka.github.io
My personal website
ebrahimpichka/examples
A set of examples around pytorch in Vision, Text, Reinforcement Learning, etc.
ebrahimpichka/ibm-AI-specialization
Codes, Notebooks, projects, and material for the IBM AI Engineering specialization
ebrahimpichka/mc-option-pricing
Implementation of Monte Carlo option pricing in python
ebrahimpichka/quant-perf-measures
A comprehensive list of quantitative finance portfolio/strategy performance measures.
ebrahimpichka/ResNet50-knowledge-distillation
Training a ResNet18 model on CIFAR10 dataset by distilling a ResNet50 model which was pretrained on ImageNet dataset, and fine-tuned on CIFAR10.
ebrahimpichka/TALE
Transformer-based protein function Annotation with joint feature-Label Embedding
ebrahimpichka/transformer
A simple from-scratch implementation of the Transformer architecture from "Attention is all you need" papr by Google.
ebrahimpichka/vanilla-pg
Simple PyTorch implementation of the Vanilla Policy Gradient algorithm.