Pinned Repositories
Advance-Lane-Detection
Lane Detection using OpenCV and Numpy
Adversarial-Evolution-CNN
"Deep Neural Networks are Easily Fooled: High Confidence Predictions for Unrecognizable Images" Direct Encoding Method on MNIST Data
ATM-Project
BotX-Discord-
BotX is an advanced Discord chatbot built with discord.py, featuring 24/7 hosting on Pylexnodes. It offers dynamic responses powered by the Mistral AI model, voice interaction with Google Text-to-Speech (gTTS) and FFmpeg, and an interactive help menu. Enhance your Discord server with BotX's sophisticated features.
DeepFaceEdit
This project enables the inversion of real facial images into the latent space of StyleGAN2-ADA, leveraging dlib based facial landmark detection for accurate alignment, and supports semantic attribute editing through controlled latent vector perturbations along interpretable directions
GAN
Collection of Notebooks from DeepLearning.AI GANs Specialization
Image2Depth
A PyTorch implementation of the Pix2Pix architecture for image-to-image translation, tailored for depth estimation from dashboard camera images
NeuroInk
🎨 NeuroInk - Neural style transfer Algorithm using VGG19. Blends content from one image with the style of another to create AI-generated artwork Using Pytorch
SurfAgent
SurfAgent is an AI agent built from scratch that performs web searches using Selenium and Brave Search, Langchain and supports GROQ or OLLAMA providing reliable sources for the results.
TinyToGPT
A step-by-step implementation of language models from n-grams to GPT architecture built from scratch using PyTorch.
Haseebasif7's Repositories
Haseebasif7/SurfAgent
SurfAgent is an AI agent built from scratch that performs web searches using Selenium and Brave Search, Langchain and supports GROQ or OLLAMA providing reliable sources for the results.
Haseebasif7/BotX-Discord-
BotX is an advanced Discord chatbot built with discord.py, featuring 24/7 hosting on Pylexnodes. It offers dynamic responses powered by the Mistral AI model, voice interaction with Google Text-to-Speech (gTTS) and FFmpeg, and an interactive help menu. Enhance your Discord server with BotX's sophisticated features.
Haseebasif7/DeepFaceEdit
This project enables the inversion of real facial images into the latent space of StyleGAN2-ADA, leveraging dlib based facial landmark detection for accurate alignment, and supports semantic attribute editing through controlled latent vector perturbations along interpretable directions
Haseebasif7/GAN
Collection of Notebooks from DeepLearning.AI GANs Specialization
Haseebasif7/Advance-Lane-Detection
Lane Detection using OpenCV and Numpy
Haseebasif7/Adversarial-Evolution-CNN
"Deep Neural Networks are Easily Fooled: High Confidence Predictions for Unrecognizable Images" Direct Encoding Method on MNIST Data
Haseebasif7/Distilling-the-Knowledge-in-Neural-Network
Demonstration of Knowledge Distillation in Neural Networks on the MNIST Dataset Using TensorFlow
Haseebasif7/DVC-PIPELINE
ML pipeline using Data Version Control
Haseebasif7/Fake-News-Prediction-SVM-
Developed a fake news prediction model using Support Vector Machine (SVM) and achieved an impressive 99.8% accuracy on the training dataset. The text preprocessing included stemming to normalize words, followed by the use of TF-IDF vectorization to convert the text data into numerical form
Haseebasif7/Haseebasif7
Config Files for Readme
Haseebasif7/Image2Depth
A PyTorch implementation of the Pix2Pix architecture for image-to-image translation, tailored for depth estimation from dashboard camera images
Haseebasif7/langchain
🦜🔗 Build context-aware reasoning applications
Haseebasif7/Lunar-Blast-x86-
x86 assembly Space Invader Game
Haseebasif7/Multi-PDF-Query-Bot
Developed a chatbot that interacts with multiple PDFs using LangChain, Streamlit, and open-source LLMs with Groq. This setup enables efficient querying and conversation with diverse document sources through an intuitive interface.
Haseebasif7/NeuroInk
🎨 NeuroInk - Neural style transfer Algorithm using VGG19. Blends content from one image with the style of another to create AI-generated artwork Using Pytorch
Haseebasif7/PhishSecure-AI
AI solutions for defending against digital threats and enhancing online safety
Haseebasif7/TinyToGPT
A step-by-step implementation of language models from n-grams to GPT architecture built from scratch using PyTorch.
Haseebasif7/AuraSync
Haseebasif7/coral-server
Haseebasif7/Face-Reconstruction
Predictive Model for Face Reconstruction Using MultiOutput Regressor
Haseebasif7/GAN-Latent-Attribute-Optimization-
Gradient-based Vector Walk in GAN Latent Space
Haseebasif7/GeoSpatial-Copilot
Haseebasif7/GPT
GPT-style decoder-only Transformer from scratch without using nn.Module or high-level PyTorch abstractions
Haseebasif7/NeRF
A PyTorch reimplementation of Neural Radiance Fields (NeRF) for 3D scene reconstruction from 2D images
Haseebasif7/Portfolio
Haseebasif7/Resnet-18
Minimal and customizable ResNet-18 implementation for CIFAR-10
Haseebasif7/Sonar-Mine-Project
This repository contains a machine learning model trained on the Sonar Mine Dataset using Logistic Regression. The project includes data collection, preprocessing, statistical analysis, label encoding, data standardization, model training, evaluation, and visualization of results.
Haseebasif7/Telco-Customer-Churn-Prediction
I have trained an SVM model from scratch on the Telco Customer Churn dataset. This involved implementing the SVM algorithm, including the optimization of weights and bias, and using it to classify customer churn based on various features in the dataset.
Haseebasif7/VizDoom_RL
A PPO trained agent for VizDoom’s “Defend the Center” scenario, using a custom Gym wrapper and StableBaselines3
Haseebasif7/XRayGAN
Auxiliary Classifier GAN (AC-GAN) to generate synthetic data of chest X-ray images using Pytorch