AI Brain Machine Learning Neural Network Deep Learning
01000001 01001001
01001101 01001100
01000100 01000101 01000101 01010000
import tensorflow as tf
# Neural network
model = tf.keras.Sequential()
def train(X, y):
  return model.fit(X, y)
Deep Learning
Neural Networks
Computer Vision
NLP
// Welcome to my

const portfolio() {

return "Akshat Gupta";
}

AI/ML Enthusiast

Initializing Neural Core... OK
Calibrating Quantum Processors... OK
Loading Cognitive Matrix... OK
Booting Sentience Module... OK
0%
Welcome
01001001 00100000 01100001 01101101 00100000 01100001 01101110 00100000 01000001 01001001 00100000 01100001 01101110 01100100 00100000 01001101 01001100 00100000 01000100 01100101 01110110 01100101 01101100 01101111 01110000 01100101 01110010
01000001 01110010 01110100 01101001 01100110 01101001 01100011 01101001 01100001 01101100 00100000 01001001 01101110 01110100 01100101 01101100 01101100 01101001 01100111 01100101 01101110 01100011 01100101
import tensorflow as tf
from tensorflow.keras import layers
# Neural network model
model = tf.keras.Sequential([
  layers.Dense(128, activation='relu'),
  layers.Dense(64, activation='relu'),
  layers.Dense(10, activation='softmax')
])
def train_model(X, y):
  model.compile(
    optimizer='adam',
    loss='categorical_crossentropy',
    metrics=['accuracy']
  )
  return model.fit(X, y, epochs=10)
AI Brain Machine Learning Neural Network Deep Learning Data Science Computer Vision NLP Robotics
Welcome to My Portfolio

AI & ML Enthusiast | Innovator

About Me

<AI_Enthusiast>InnovatorLifelong_Learner()

Profile Image

Welcome to my AI journey

I am an enthusiastic AI student dedicated to artificial intelligence, machine learning, deep learning, and generative AI. Currently pursuing a B.Tech in Computer Science & Engineering at Bennett University, I develop innovative solutions that combine technical expertise with creative thinking. I constantly explore emerging trends, dive into new projects, and nurture my hobbies, all of which fuel my passion for advancing AI technology.

Let’s Connect

About Me

AI Enthusiast Innovator Learner
Profile Image

Welcome to my AI journey

I am an enthusiastic AI student dedicated to artificial intelligence, machine learning, deep learning, and generative AI. Currently pursuing a B.Tech in Computer Science & Engineering at Bennett University.

Machine Learning Deep Learning Computer Vision NLP
Connect

Professional Experience

Professional Experience

My hands-on experience in the industry, applying AI and ML to real-world challenges.

Gen AI Intern

June 2025 - Present

Curlscape

As a Gen AI Intern, I am actively contributing to the development of advanced generative models and AI-driven solutions. My work involves fine-tuning large language models (LLMs), implementing cutting-edge deep learning architectures, and optimizing model performance for real-world applications.

Generative AI LLM Fine-Tuning Deep Learning Python PyTorch

Academic Journey

My educational background and academic achievements in the field of Computer Science and Artificial Intelligence.

2022 - 2026

Bennett University

B.Tech, Computer Science & Engineering

Pursuing a specialized curriculum focused on AI and Machine Learning, with hands-on experience in building advanced models and architectures from scratch.

Current CGPA
8.64 / 10
Academic Standing
Top 10%
2022

Higher Secondary Education

CBSE Board

Completed higher secondary education with a focus on Mathematics, Physics, and Computer Science, laying a strong foundation for advanced studies in AI and ML.

Overall Percentage
80%
2020

Secondary Education

CBSE Board

Achieved excellence in secondary education, demonstrating strong analytical skills and a passion for technology and mathematics.

Overall Percentage
95.2%

Key Courses

  • Advanced Machine Learning
  • Deep Learning Architectures
  • Natural Language Processing
  • Computer Vision
  • Data Structures & Algorithms
  • Probability & Statistics

Academic Achievements

Consistently maintained a strong academic record while actively participating in AI research and development projects.

8.64

Current CGPA at Bennett University, placing me in the top 10% of my class. Received recognition for outstanding performance in AI and ML courses.

Research Interests

My academic journey has shaped my research interests in several cutting-edge areas of AI and ML:

Generative AI
Multimodal Learning
Retrieval-Augmented Generation
Computer Vision
Model Architecture Design
Parameter-Efficient Fine-Tuning

Technical Expertise

My knowledge and capabilities in AI, machine learning, and advanced technologies, with a focus on practical implementation and problem-solving.

All Skills
AI & ML
Generative AI
NLP & Computer Vision
AI & ML
AI & ML

AI & Machine Learning

Expert
Comprehensive expertise in machine learning algorithms, deep learning architectures, and advanced AI techniques. Skilled in implementing Hierarchical RAG systems, model optimization, and developing custom AI solutions for complex problems.
95%
Deep Learning
Neural Networks
Hierarchical RAG
Model Optimization
Multimodal AI
Generative AI
Generative AI

Generative AI

Expert
Proficient in fine-tuning LLMs and image generation models using advanced techniques. Experienced with diffusion models, VAEs, LoRA, Q-LoRA, and parameter-efficient fine-tuning methods. Skilled in working with small language models (SLMs) and vision-language models (VLMs) for multimodal applications.
95%
LLM Fine-Tuning
Image Generation Models
Small Language Models
Vision-Language Models
LoRA & Q-LoRA
NLP & Computer Vision
NLP

Natural Language Processing

Advanced
Knowledge of large language model architectures, small language models, and fine-tuning techniques. Experienced with attention mechanisms, tokenization, and training pipelines for NLP tasks including translation, summarization, and text generation.
90%
LLM Fine-Tuning
Small Language Models
Transformers
Attention Mechanisms
Text Generation
NLP & Computer Vision
Computer Vision

Computer Vision

Expert
Expertise in computer vision techniques including object detection, image segmentation, and facial recognition. Proficient in implementing Vision Transformers, Detection Transformers, and YOLO architectures. Experienced with Vision-Language Models (VLMs) and integrating computer vision with generative AI.
95%
Vision Transformers
Vision-Language Models
Object Detection
YOLO
Image Segmentation
AI & ML
Programming

Programming & Frameworks

Expert
Proficient in Python and various AI frameworks including PyTorch, TensorFlow, LangChain, and Diffusers. Experienced with CUDA for GPU acceleration and optimization of deep learning models. Skilled in developing end-to-end AI solutions from data preprocessing to deployment.
95%
Python
PyTorch
TensorFlow
LangChain
Diffusers

My AI Projects

Explore my portfolio of AI and machine learning projects that demonstrate innovative solutions and technical expertise.

Generative AI
LoRA Model

Fine-Tuned LoRA Model

A custom LoRA model fine-tuned with my own face, trained on Flux models as the base. It generates realistic, high-quality images that showcase the power of generative AI and deep learning.

LoRA Generative AI Flux Models Diffusion
Computer Vision
Eye Disease Detection

Eye Disease Detection

Empowering precise eye disease detection through cutting-edge generative AI and deep learning on fundus images, improving medical diagnostics with AI.

Deep Learning Computer Vision Medical AI Python
Mobile App
Akshar

Akshar

A chat app that translates text and audio messages in real time, built using Flutter. Enables seamless communication across language barriers with AI-powered translation.

Flutter Dart NLP Translation AI
Facial Recognition
FacePay

FacePay

An AI-based payment system using facial recognition for secure UPI transactions, combining biometric security with financial technology.

DeepFace Flask SQLite3 Biometrics
Transformers
Vision Transformer

Vision Transformer for MNIST

An implementation of a Vision Transformer (ViT) built from scratch for image classification on the MNIST dataset, featuring custom encoder layers with multi-head self-attention.

Vision Transformer PyTorch Self-Attention MNIST
Generative AI
Custom Emotion Generator

Custom Emotion Generator

A tool that animates expressive facial expressions from a single reference image, allowing users to create various emotional expressions through an intuitive interface.

PyTorch Computer Vision CUDA Gradio
RAG System
Smart Exam Assistant

Smart Exam Assistant

An AI-powered application for navigating Bennett University's examination policies and procedures using advanced Retrieval-Augmented Generation (RAG) technology.

RAG LangChain Vector DB AI Assistant Python
Sentiment Analysis
Teacher-Student Distillation

Teacher-Student Distillation on IMDB

This project demonstrates teacher–student distillation on the IMDB movie sentiment dataset.

Teacher-Student Distillation IMDB Sentiment Analysis Hugging Face Transformers

Certificates

Browse through my certifications.

Get in Touch

Have a project, question, or collaboration idea? Let’s connect and bring ideas to life.

Looking forward to connecting and exploring new opportunities.

Have questions regarding Akshat Gupta and his projects? Click me!

Neural Assistant
Active
Neural Assistant
I'm your AI-powered assistant. Ask me anything about this portfolio or AI in general.
Tell me about your projects
What skills do you have?
How can I contact you?
Neural Engine v3.7