Pinned Repositories
Animation-with-Plotly
Animation with Plotly
Awesome-Visual-Question-Answering-VQA
A reading list (and code) of resources dedicated to visual question answering.
CNN-with-different-kernel-size-for-sentence-classification
Convolutional Neural Network (CNN) with different kernel size for sentence classification
Detection-of-Parkinson-s-disease-with-the-images-of-Spiral-Wave-using-fast.ai
The diagnosis of Parkinson's disease in hand-drawn images of spirals and waves with fast.ai and deep learning techniques.
Developing-new-technique-for-Sentiment-Analysis-using-Combining-Capsule-Networks
This notebook introduces and implements a Combined Capsule Network in Keras and evaluates its performance for Sentiment Analysis on IMDB Dataset. The developed architecture is presented below.
Python-Matplotlib-Basics
Matplotlib is a very powerful plotting library useful for those working with Python and NumPy. The most used module of Matplotib is Pyplot which provides an interface like MATLAB but instead, it uses Python and it is open source. This tutorial presents basic knowledge about Matplotlib.
Python-Notes
Python-NumPy-Basics
The NumPy library is the core library for scientific computing in Python. It provides a high-performance multidimensional array object, and tools for working with these arrays. This document provides basic information about Numpy.
ResNet-Layers-Visualization
Trains a ResNet on the CIFAR10 dataset - Visualizing Intermediate Layer Activations
Sign-Language-Recognition-from-Hand-Gestures-using-Capsule-Networks
Sign Language Recognition from Hand Gestures using Capsule Networks
m-peker's Repositories
m-peker/Developing-new-technique-for-Sentiment-Analysis-using-Combining-Capsule-Networks
This notebook introduces and implements a Combined Capsule Network in Keras and evaluates its performance for Sentiment Analysis on IMDB Dataset. The developed architecture is presented below.
m-peker/Detection-of-Parkinson-s-disease-with-the-images-of-Spiral-Wave-using-fast.ai
The diagnosis of Parkinson's disease in hand-drawn images of spirals and waves with fast.ai and deep learning techniques.
m-peker/Sign-Language-Recognition-from-Hand-Gestures-using-Capsule-Networks
Sign Language Recognition from Hand Gestures using Capsule Networks
m-peker/Awesome-Visual-Question-Answering-VQA
A reading list (and code) of resources dedicated to visual question answering.
m-peker/ResNet-Layers-Visualization
Trains a ResNet on the CIFAR10 dataset - Visualizing Intermediate Layer Activations
m-peker/CNN-with-different-kernel-size-for-sentence-classification
Convolutional Neural Network (CNN) with different kernel size for sentence classification
m-peker/Animation-with-Plotly
Animation with Plotly
m-peker/Python-Matplotlib-Basics
Matplotlib is a very powerful plotting library useful for those working with Python and NumPy. The most used module of Matplotib is Pyplot which provides an interface like MATLAB but instead, it uses Python and it is open source. This tutorial presents basic knowledge about Matplotlib.
m-peker/A-Comparison-of-Deep-Learning-Methods-for-Bitcoin-Price-Prediction--Time-Series-Analysis
This notebook demonstrates the prediction of the bitcoin price by different deep learning models.
m-peker/Python-NumPy-Basics
The NumPy library is the core library for scientific computing in Python. It provides a high-performance multidimensional array object, and tools for working with these arrays. This document provides basic information about Numpy.
m-peker/Python-Pandas-Basics
This tutorial has been prepared for those who seek to learn the basics and various functions of Pandas. It will be specifically useful for people working with data cleansing and analysis
m-peker/Python-Programming-for-Data-Science-Cheat-Sheet
Python Programming A-Z: Cheat Sheet
m-peker/Side-Output-Fusion-Convolutional-Neural-Network-CNN
The deep learning architecture, called Side Output Fusion Network, classifies the feature map obtained by combining low-level, mid-level and high-level information from each convolution layer. Feature fusion positively affects the results.
m-peker/Python-Notes
m-peker/Apache-Spark-da-RDD-ve-Dataframe-Olusturma-Teknikleri
Bu çalışmada Apache Spark'da RDD ve Dataframe oluşturma teknikleri anlatılmaktadır.
m-peker/Coursera-Machine-Learning-Lecture-pdfs
Reading material with detailed explanation
m-peker/Introduction-to-Natural-Language-Processing-NLP---NLP-Basics
m-peker/m-peker
m-peker/MiVOLO
MiVOLO age & gender transformer neural network
m-peker/pytorch-for-numpy-users
PyTorch for Numpy users. https://pytorch-for-numpy-users.wkentaro.com
m-peker/realtime-indexer-qa-chat
Streamlit app providing real-time question-answering chat over a document collection.
m-peker/Simple-LLM-Fine-Tuning-Framework
A straightforward and flexible framework for fine-tuning large language models (LLMs) like GPT-2, LLAMA, and Mistral, with support for LoRA optimization. This tool allows easy configuration through command-line arguments.
m-peker/tensorrt_demos
TensorRT YOLOv4, YOLOv3, SSD, MTCNN, and GoogLeNet
m-peker/tracklite
Using Tensort to speed up yolov3 with deepsort for MOT
m-peker/Useful-pre-processing-codes-before-image-labeling
In this section, some pre-processing steps that can be used before image labeling, which is an important stage for object detection, are shared.
m-peker/water_filling
m-peker/YOLOX-Bytetrack-Algorithm-Optimization-with-CuPy
This repository contains an optimized version of the YOLOX-Bytetrack algorithm.