GitHub / farkoo 23 Repositories
Master student in Artificial Intelligence, Engineer and, a Lifelong Learner
farkoo/My-Resume
My resume says it all :D
Language: TeX - Size: 25.4 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

farkoo/Simple-Speech-to-Text-Translator
Language: Python - Size: 45.9 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

farkoo/Self-Calibrated-LowLight-Image-Enhancement
Revealing Shadows: Low-Light Image Enhancement Using Self-Calibrated Illumination. https://arxiv.org/abs/2312.15199
Language: Python - Size: 2.08 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

farkoo/farkoo.github.io Fork of codewithsadee/vcard-personal-portfolio
vCard is a fully responsive personal portfolio website, responsive for all devices.
Language: HTML - Size: 2.22 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

farkoo/AbstractVault
In this repository, embark on a journey through distilled knowledge as we present concise abstracts, allowing swift absorption of critical insights from academic articles and research papers.
Size: 5.62 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 1

farkoo/Retinal-Vessel-Segmentation
In this repository, I implement a system for extract blood vessels from DRIVE images.
Language: MATLAB - Size: 28 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 14 - Forks: 4

farkoo/PG-PPO-OthelloSolver
This repository provides an implementation of Othello game playing agents trained using reinforcement learning techniques.
Language: Python - Size: 221 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

farkoo/PySpark-Sklearn-Classifier-Comparison
This repository provides examples of image feature vector classification using PySpark and scikit-learn, offering flexibility in choosing between the two popular machine learning libraries.
Language: Python - Size: 23.4 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

farkoo/TSP-with-Genetic-Algorithms
This code provides a solver for the Traveling Salesman Problem (TSP) using a genetic algorithm approach.
Language: Python - Size: 22.5 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

farkoo/Spotify-Persian-Artists
Language: Jupyter Notebook - Size: 3.45 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 0

farkoo/NMAP-Port-Scanner
This program is similar to the NMAP program implemented to check the open ports of an IP or FDQN address
Language: Python - Size: 69.3 KB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

farkoo/OS-Lab
This repository contains my codes for the operating system lab.
Language: C - Size: 149 KB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

farkoo/Template-Matching-for-Summation
Language: MATLAB - Size: 198 KB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

farkoo/xv6-getreadcount
Add the readcount SysCall to the xv6 kernel
Language: Assembly - Size: 735 KB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

farkoo/Uni-Multi-Linear-Regression
In this notebook, we want to create a machine learning model from scratch to predict car prices using independent variables.
Language: Jupyter Notebook - Size: 323 KB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

farkoo/Tic-Tac-Toe
In this program, I implemented the tic tac toe game.
Language: C - Size: 148 KB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

farkoo/Serial-Transmitter-Receiver
Language: Verilog - Size: 978 KB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 1

farkoo/Real-Estate-Agency
The goal of this project is to create a graphic program for property owners using C++ and QT.
Language: C++ - Size: 61.5 KB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 1

farkoo/Micro-Lab
This repository contains my codes for the Microcontroller laboratory.
Language: Perl - Size: 3.24 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

farkoo/MiniC-compiler Fork of ReyhaneAbtahi/MiniC-compiler
MiniC compiler using flex and bison
Language: Yacc - Size: 17.6 KB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

farkoo/Logistic-Regression-Diabetic-Prediction
In this notebook, we want to create a machine learning model to accurately predict whether patients have a database of diabetes or not.
Language: Jupyter Notebook - Size: 752 KB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

farkoo/MNIST-Handwritten-Digit-Recognition-PyTorch
Classify MNIST dataset in PyTorch framework.
Language: Jupyter Notebook - Size: 135 KB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

farkoo/CNN-Fashion-MNIST-Keras
Fashion MNIST dataset Classification using Convolutional Neural Networks.
Language: Jupyter Notebook - Size: 111 KB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 0

farkoo/dotfiles
Language: Vim script - Size: 3.91 KB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

farkoo/CV-with-Matlab
This repository contains my answers to the assignments of the Basics of Computer Vision course.
Language: MATLAB - Size: 21.3 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

farkoo/N-Step-SARSA-Lambda-SARSA
This repository contains implementations of reinforcement learning algorithms (N-Step SARSA and λ-Step SARSA) for the Windy Gridworld problem.
Language: Python - Size: 7.81 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

farkoo/Management-Sport-Venues-and-events
This system is designed to manage sports venues such as sports complexes, gyms, clubs, and academies.
Language: TSQL - Size: 102 KB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

farkoo/Simon-Game
In this project, we wanted to implement Simon Game with ATmega32 microcontroller. We also used the C language to write the program.
Language: Makefile - Size: 896 KB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 0

farkoo/farkoo-Simulator
An assembler and hardware simulator for Mano Basic Computer, a 16-bit computer.
Language: C# - Size: 262 KB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 4 - Forks: 0

farkoo/Cat-Dog-Classifier
The purpose of this project is to train a model that can classify images of dogs and cats into two separate classes.
Language: Jupyter Notebook - Size: 25.3 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

farkoo/Covid19-Detection-from-ChestXRayImages
In this notebook, we examine covid-19 infection with the help of convolutional neural network and chest x-ray images.
Language: Jupyter Notebook - Size: 23.2 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 0

farkoo/National-Dental-Examining-Board-of-Canada-Robot
NDEB Checker Robot
Language: C# - Size: 8.79 KB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

farkoo/Cells-Segmentation-and-Count
This program is implemented to count the number of cells in the image. The cells are also labeled and the perimeter and area are calculated for each cell.
Language: MATLAB - Size: 348 KB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 5 - Forks: 2

farkoo/GNN-Citations
Node Classification with Graph Neural Networks
Language: Jupyter Notebook - Size: 1.16 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 2

farkoo/DP-for-FMDP
Dynamic Programming for Finite Markov Decision Processes
Language: Python - Size: 840 KB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

farkoo/Mask-Detection-pt
Mask detection from images using PyTorch
Language: Jupyter Notebook - Size: 118 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

farkoo/Stock-Market-Detection
Google stock value prediction using Recurrent Neural Network
Language: Jupyter Notebook - Size: 479 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

farkoo/Parkinsons-Diagnosis-ML
Presenting a method based on machine learning to predict Parkinson's disease using audio signals
Language: Jupyter Notebook - Size: 15.4 MB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

farkoo/Classification-Complexity-Measures
In this repository, the measures reviewed in article "How Complex is your classification problem? A survey on measuring classification complexity" have been implemented.
Language: Jupyter Notebook - Size: 1.07 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

farkoo/Image-Signal-Processing
Language: MATLAB - Size: 3.62 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

farkoo/Novel-Seam-Carving-Method
A new seam carving method
Language: Python - Size: 6.69 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

farkoo/Principle-of-Robotics
This repository contains my answers to the robotics course homeworks
Language: Jupyter Notebook - Size: 152 KB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

farkoo/Fundamental-of-Data-Mining
This repository contains my answers to the data mining course homeworks
Language: Jupyter Notebook - Size: 2.31 MB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

farkoo/Obstacle-Avoiding-Robot
In this project, a robot has been implemented and built that can move freely without hitting an obstacle
Language: C++ - Size: 33.2 MB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

farkoo/ElderAid-bracelet
ElderAid: A smart health bracelet for the elderly based on IoT
Language: Jupyter Notebook - Size: 1.57 MB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

farkoo/shap Fork of slundberg/shap
A game theoretic approach to explain the output of any machine learning model.
Size: 225 MB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

farkoo/Regression-with-NN
Let's solve the regression problem with neural network
Language: Jupyter Notebook - Size: 360 KB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

farkoo/N-Queen-Genetic-Algorithm
Solve the N-Queen problem using the genetic algorithm
Language: C - Size: 25.4 KB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

farkoo/Smart-Health-Bracelet
Smart health bracelets for people in need of intensive care
Language: C++ - Size: 212 KB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

farkoo/Graph-Mining
Graph Mining course @ IUT-4001
Language: Jupyter Notebook - Size: 1.22 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

farkoo/Multimedia
Multimedia course @ IUT-4001
Language: Jupyter Notebook - Size: 4.39 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

farkoo/Gibbs_Phenomenon
Gibb’s Phenomenon rectangular implementation
Language: Jupyter Notebook - Size: 408 KB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

farkoo/farkoo
Size: 108 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

farkoo/deep-learning-v2-pytorch Fork of udacity/deep-learning-v2-pytorch
Projects and exercises for the latest Deep Learning ND program https://www.udacity.com/course/deep-learning-nanodegree--nd101
Size: 145 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

farkoo/K-means-Cluster-Credit-Card
Language: Jupyter Notebook - Size: 470 KB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

farkoo/Papers-Abstract
Size: 1.12 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

farkoo/Circle-Hough-Transform
Implement circle hough transform in Matlab.
Language: MATLAB - Size: 1.54 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

farkoo/Image-Feature-Extraction
Language: Jupyter Notebook - Size: 1.37 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

farkoo/Encrypted-Chat-Room
In this program, we want to create an unlimited chatroom based on TCP/IP between the client and the server.
Language: Python - Size: 7.81 KB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

farkoo/mini-terminal
In this project, a terminal with limited capabilities has been implemented
Language: C - Size: 33.2 KB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

farkoo/DS-Arch
This repository contains my assignments and projects in the Data Structures Course at Isfahan University of Technology.
Language: C++ - Size: 1.1 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

farkoo/discrete-well-formed-formula-implementation
Let's play with WFF!
Language: C++ - Size: 46.9 KB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

farkoo/User-Level-Thread-Library Fork of ReyhaneAbtahi/User-Level-Thread-Library
User level thread library using C.
Language: C - Size: 13.7 KB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0
