Ebrahim Pichka (ebrahimpichka)

ebrahimpichka

Geek Repo

Location:Ontario, Canada

Home Page:epichka.com

Github PK Tool:Github PK Tool

Ebrahim Pichka's repositories

awesome-optimization

A curated list of mathematical optimization courses, lectures, books, notes, libraries, frameworks and software.

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

Language:PythonStargazers:15Issues:3Issues:0

ml-options-pricing

Pricing Financial Options contracts using LightGBM, Deep Learning, and Support Vector Machines.

Language:Jupyter NotebookStargazers:10Issues:0Issues:0

portfolio-opt

Implementation of modern portfolio optimization (mean-variance portfolio optimization) using Monte Carlo simulation and sequential least squares programming (scipy package) in Python

Language:Jupyter NotebookStargazers:9Issues:3Issues:0

QAP-RL

Unofficial implemnetation of "Solving Quadratic Assignemt Problem using Deep Reinforcement Learning" (https://arxiv.org/abs/2310.01604)

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

Language:Jupyter NotebookStargazers:4Issues:3Issues:0

LSM-denoise

Denoising time series using Least Squares Method in python using NumPy.

Language:Jupyter NotebookStargazers:3Issues:1Issues:0

deep-forecast

Forecasting stock prices using LSTM and Feed-Forward Neural Networks (MLP) using historical data.

Language:Jupyter NotebookStargazers:2Issues:2Issues:0

dijkstra-shortest-path

Implementation of Dijkstra's shortest path algorithm in python. a greedy algorithm for finding the shortest path from a specific source node to any other target node in a weighted graph

Language:PythonStargazers:1Issues:2Issues:0

my-Youtube-courses

A list of ML, AI, and CS courses on youtube or other free resources.

310-mleng-challenge

310.ai ML Engineering challenges

Language:Jupyter NotebookStargazers:0Issues:2Issues:0

AWS-ML-Eng-ND-C1

AWS Machine Learning Engineer NanoDegree

Stargazers:0Issues:0Issues:0

CNN-ShoeSandalBoot

Applying different deep learning architectures fro classification on the Shoe vs Sandal vs Boot dataset from kaggle.

Language:Jupyter NotebookStargazers:0Issues:0Issues:0

conv-autoencoder

Convolutional Autoencoder Implementation in Pytorch

Language:Jupyter NotebookStargazers:0Issues:2Issues:0

DDPG-implementation

An implementation of the DDPG algorithm from the paper "Continuous control with deep reinforcement learning"

Language:PythonStargazers:0Issues:0Issues:0

DeepRL-trade

Algorithmic Trading Using Deep Reinforcement Learning algorithms (PPO and DQN)

Language:Jupyter NotebookStargazers:0Issues:0Issues:0

GCN-pt

A simple PyTorch implementation of Graph Convolutional Networks based on the paper: https://arxiv.org/abs/1609.02907 (Kipf & Welling, ICLR 2017)

Language:Jupyter NotebookStargazers:0Issues:2Issues:0

lstm-language-model

LSTM-based language model for text generation using pytorch

Language:PythonStargazers:0Issues:2Issues:0

Awesome-Graph-Neural-Networks

Paper Lists for Graph Neural Networks

Stargazers:0Issues:0Issues:0

awesome-ml4co

Awesome machine learning for combinatorial optimization papers.

Language:PythonStargazers:0Issues:0Issues:0

deepQL-ctrl

Human-level control using Deep Reinforcement Learning (deep Q learning) in OpenAI's gym cartpole environment with pytorch

Language:PythonStargazers:0Issues:2Issues:0
Stargazers:0Issues:0Issues:0

ebrahimpichka.github.io

My personal website

Language:HTMLLicense:MITStargazers:0Issues:0Issues:0

examples

A set of examples around pytorch in Vision, Text, Reinforcement Learning, etc.

Language:PythonLicense:BSD-3-ClauseStargazers:0Issues:0Issues:0

ibm-AI-specialization

Codes, Notebooks, projects, and material for the IBM AI Engineering specialization

Language:Jupyter NotebookStargazers:0Issues:2Issues:0

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.

Language:Jupyter NotebookStargazers:0Issues:0Issues:0

TALE

Transformer-based protein function Annotation with joint feature-Label Embedding

License:MITStargazers:0Issues:0Issues:0

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

Language:PythonStargazers:0Issues:0Issues:0

transformer

A simple from-scratch implementation of the Transformer architecture from "Attention is all you need" papr by Google.

Language:PythonStargazers:0Issues:0Issues:0

vanilla-pg

Simple PyTorch implementation of the Vanilla Policy Gradient algorithm.

Language:PythonStargazers:0Issues:2Issues:0