emirhanbilgic
Istanbul Technical University BSc, Boğaziçi University MSc. AI Engineer. Work account: https://github.com/emirhanaigoritma
Pinned Repositories
ai-generated-detection
AI_Slides_SIMMAG
Includes a compilation slide on generative models and transformer models such as chatGPT.
brain_tumour_segmentation
This repository contains the implementation of various techniques to segment brain tumors from MRI images.
contrastive_predictive_coding
Deepfake_Detection
The project focuses on comparing various methods for detecting deepfakes and evaluating their effectiveness across different datasets. Also tries zero-shot BLIP to detect manipulations.
Emirhans_Method_Deepfake
BLIP is a VLP (Vision-Language Pre-training) framework that excels in both vision-language understanding and generation tasks using a multimodal mixture of encoder-decoder model and a novel captioning and filtering method for handling noisy data. In this project, we will try to use BLIP in deepfake detection
euler-solutions
This repository was created to show different solutions to Project Euler problems with different approaches.
next-frame-prediction
This project aims to make image data contribute to temporality. In addition to 3D CNN structure, ConvLSTM2D, PredRNN, the combination of 2D CNN and Tabular data has been tested and compiled in this repo. Cloudiness prediction using satellite data of EUMETSAT is aimed.
sorting_algorithms
This repository includes different sorting algorithms. The purpose is to show different approaches.
Turkish-TTS
This repository contains the training codes of the fine-tuned SpeechT5 on a Turkish dataset.
emirhanbilgic's Repositories
emirhanbilgic/Deepfake_Detection
The project focuses on comparing various methods for detecting deepfakes and evaluating their effectiveness across different datasets. Also tries zero-shot BLIP to detect manipulations.
emirhanbilgic/brain_tumour_segmentation
This repository contains the implementation of various techniques to segment brain tumors from MRI images.
emirhanbilgic/Turkish-TTS
This repository contains the training codes of the fine-tuned SpeechT5 on a Turkish dataset.
emirhanbilgic/Emirhans_Method_Deepfake
BLIP is a VLP (Vision-Language Pre-training) framework that excels in both vision-language understanding and generation tasks using a multimodal mixture of encoder-decoder model and a novel captioning and filtering method for handling noisy data. In this project, we will try to use BLIP in deepfake detection
emirhanbilgic/contrastive_predictive_coding
emirhanbilgic/euler-solutions
This repository was created to show different solutions to Project Euler problems with different approaches.
emirhanbilgic/next-frame-prediction
This project aims to make image data contribute to temporality. In addition to 3D CNN structure, ConvLSTM2D, PredRNN, the combination of 2D CNN and Tabular data has been tested and compiled in this repo. Cloudiness prediction using satellite data of EUMETSAT is aimed.
emirhanbilgic/ai-generated-detection
emirhanbilgic/AI_Slides_SIMMAG
Includes a compilation slide on generative models and transformer models such as chatGPT.
emirhanbilgic/Alzheimer-s-Detection
This repository contains code for detecting Alzheimer's patients from linguistic cues.
emirhanbilgic/basic_diffusion_model
emirhanbilgic/C-building_blocks
emirhanbilgic/chatbot_data
emirhanbilgic/cog-realvisxl
emirhanbilgic/cog-realvisxl-v2.0
Attempt at cog wrapper for SG161222/RealVisXL_V2.0
emirhanbilgic/cog-sdxl
Stable Diffusion XL training and inference as a cog model
emirhanbilgic/DCGAN-DALLE
Implementation of a DCGAN from scratch for image generation, benchmarked against DALL-E with multilingual support through Google Translate API integration.
emirhanbilgic/Electronics_and_Communication_Engineering_ITU
Here you can find the documents, assignments, projects and questions of the courses I enrolled.
emirhanbilgic/emirhanbilgic.github.io
emirhanbilgic/flexible_neural_nets
This project implements a multi-layer neural network from scratch, using only fundamental Python libraries such as NumPy. The architecture is designed with flexibility in mind, allowing users to easily adjust the number of layers and neurons within those layers.
emirhanbilgic/gpt-3.5-turbo_data_augmentation
Data Augmentation Code with gpt-3.5-turbo model
emirhanbilgic/python-building_blocks
emirhanbilgic/pytorch-learn-reinforcement-learning
A collection of various RL algorithms like policy gradients, DQN and PPO. The goal of this repo will be to make it a go-to resource for learning about RL. How to visualize, debug and solve RL problems. I've additionally included playground.py for learning more about OpenAI gym, etc.
emirhanbilgic/Reinforcement_Learning
emirhanbilgic/ResNet-50_basic_struct
ResNet50 is a convolutional neural network that is 50 layers deep, and is a variant from the ResNet (Residual Network) family.
emirhanbilgic/reward_function_trials
emirhanbilgic/searching_algorithms
emirhanbilgic/SolvingImbalancedClasses-FinalThesis
Final Thesis on Solving Imbalanced Classes Problem
emirhanbilgic/tree_algorithms
This repository has some staple tree algorithm problems.