NN
Neural Nexus

Neural Nexus

Where AI Research Meets Real-World Innovation

AbdElKader Seif El Islem RAHMANI • PhD Researcher • Deep Learning Engineer • Full-Stack AI Innovator

AbdElKader Seif El Islem RAHMANI - AI Researcher and Developer

About Me

Bridging the gap between theoretical AI research and practical applications

I'm AbdElKader Seif El Islem RAHMANI, currently pursuing a PhD in Artificial Intelligence at the University Centre of Naama – Salhi Ahmed, where I specialize in bridging the gap between theoretical models and practical AI deployments.

My passion lies at the intersection of academic research and applied innovation. I translate cutting-edge AI theories into actionable systems — from chatbot agents and reasoning systems to real-time detection pipelines and scalable backend architectures.

Driven, collaborative, and always exploring, I work at the bleeding edge of deep learning, symbolic reasoning, agent architecture, and cloud-native deployment. Whether it's deploying microservices or debugging a transformer model, I balance academic depth with startup agility.

AI Research

Exploring the intersection of symbolic AI and deep learning for intelligent reasoning systems

Full-Stack Development

Building end-to-end AI solutions from backend infrastructure to intuitive interfaces

Innovation

Creating novel approaches to solve complex problems with AI and machine learning

Research & Innovation Hub

Exploring the frontiers of AI through academic research and practical applications

PhD Research
University Centre of Naama – Salhi Ahmed (In Progress)

Bridging symbolic AI and deep learning approaches for intelligent reasoning systems

  • Exploring hybrid models combining symbolic logic with neural reasoning
  • Application in autonomous decision-making agents
  • Goal: Build systems that reason, not just recognize
  • Tools: Python, Prolog, TensorFlow, Transformers, Knowledge Graphs
MSc Research
University of Saida Dr. Moulay Tahar

Knowledge Modeling and Automated Reasoning in Smart Environments

  • Focus on knowledge representation using ontologies
  • Built inference engines for semantic decision-making
  • Combined rule-based systems with real-time data sensors
  • Resulted in a functional AI pipeline for smart automation scenarios
Research Interests
Areas of focus and exploration

Neuro-Symbolic AI

Combining neural networks with symbolic reasoning for more robust AI systems

Knowledge Representation

Developing ontologies and knowledge graphs for structured information

Agent Architecture

Designing autonomous agents with reasoning and planning capabilities

Natural Language Processing

Advancing language understanding and generation for specialized domains

Explainable AI

Creating AI systems that can explain their reasoning and decisions

Applied Deep Learning

Implementing deep learning solutions for real-world problems

Applied AI Projects Gallery

Transforming theoretical concepts into practical solutions

2nd Place Hackathon Winner
AgriChat — Agricultural Expert Chatbot
Intelligent chatbot that assists farmers with plant issues using LangChain, RAG, and MoE
LangChain
OpenAI
Pinecone
Streamlit
Firebase
FastAPI
2nd Place Hackathon Winner
Plant Disease Detection
Deep learning system for early detection of plant diseases with 91% accuracy using fine-tuned CNNs
TensorFlow
OpenCV
Flask
Google Colab
Heroku
Fingerprint Recognition in Cloud
Biometric identity verification system using image preprocessing and CNN classification
Keras
Firebase
OpenCV
REST API
JS Frontend
Orderbook Reconstruction (HFT)
Java-based engine to reconstruct orderbooks from out-of-order incremental updates
Java
OOP
Multithreading
AI CV Builder Platform
AI-based CV generation from raw user input with ATS-compliant formatting
Python
OpenAI API
LangChain
React
Gradio
AI Business Plan Generator Agent
AI agent that generates business plans, startup pitch scripts, and auto-assigns tasks
LangChain
GPT-4
Pinecone
Streamlit

Technical Skills Laboratory

A comprehensive overview of my technical expertise and capabilities.

Key Tools & Frameworks

Data & ML Tools

TensorFlowKerasPyTorchScikit-learnXGBoostPandasNumPyHuggingFace

Backend & Infrastructure

FlaskFastAPILaravelNode.jsFirebaseHerokuVercelREST APIsSQL/NoSQLDocker

AI Agent & Dev Tools

LangChainRAGMoEPrompt Eng.OpenAI APIPineconeFAISSStreamlitGradioGit

AI Agent Workshop

Designing and implementing intelligent AI agents for specialized tasks

Agent Architecture & Design

I specialize in building modular AI agents using LangChain, RAG (Retrieval-Augmented Generation), and MoE (Mixture of Experts) approaches. My agents are designed to handle complex tasks through a combination of specialized knowledge, reasoning capabilities, and dynamic tool usage.

Key Agent Components

  • Knowledge Retrieval

    Vector databases and semantic search for context-aware responses

  • Prompt Engineering

    Carefully crafted prompts with dynamic input injection for consistent outputs

  • Agent Memory

    Short and long-term memory systems for contextual awareness and learning

  • Tool Integration

    Function-calling capabilities to leverage external tools and APIs

Agent Implementation Examples

AgriChat Expert System

Agricultural chatbot with domain-specific knowledge and reasoning

from langchain.agents import initialize_agent, Tool
from langchain.chains import RetrievalQA
from langchain.chat_models import ChatOpenAI
from langchain.embeddings import OpenAIEmbeddings
from langchain.vectorstores import Pinecone

# Initialize retrieval system
embeddings = OpenAIEmbeddings()
vectorstore = Pinecone.from_existing_index(
    index_name="agricultural-data", 
    embedding=embeddings
)
retriever = vectorstore.as_retriever()

# Create QA chain
qa_chain = RetrievalQA.from_chain_type(
    llm=ChatOpenAI(temperature=0),
    chain_type="stuff",
    retriever=retriever
)

# Define tools
tools = [
    Tool(
        name="Agricultural Knowledge Base",
        func=qa_chain.run,
        description="Useful for answering questions about plant diseases, treatments, and farming practices."
    )
]

# Initialize agent
agent = initialize_agent(
    tools, 
    ChatOpenAI(temperature=0.2), 
    agent="chat-conversational-react-description",
    verbose=True
)

Business Plan Generator

Agent that creates business plans based on project ideas and team skills

from langchain.agents import AgentExecutor, create_react_agent
from langchain.prompts import PromptTemplate
from langchain.tools import Tool
from langchain.chat_models import ChatOpenAI

# Define tools
market_research_tool = Tool(
    name="MarketResearch",
    func=lambda query: "Market size: $2.5B, Growth: 12% YoY, Competitors: 3 major players",
    description="Researches market conditions for a business idea"
)

financial_projection_tool = Tool(
    name="FinancialProjection",
    func=lambda query: "Year 1: $250K revenue, Year 2: $750K revenue, Year 3: $1.5M revenue",
    description="Creates financial projections for a business plan"
)

# Create prompt template
prompt = PromptTemplate.from_template(
    """You are an expert business consultant.
    
    Project Idea: {idea}
    Team Skills: {skills}
    
    Create a comprehensive business plan including:
    1. Executive Summary
    2. Market Analysis
    3. Organization Structure
    4. Financial Projections
    
    Use the tools available to research and provide accurate information.
    """
)

# Create agent
llm = ChatOpenAI(temperature=0.7)
agent = create_react_agent(llm, [market_research_tool, financial_projection_tool], prompt)
agent_executor = AgentExecutor(agent=agent, tools=[market_research_tool, financial_projection_tool], verbose=True)

Project Journey Timeline

Charting the path of my academic and professional development

2017

Hobby Game Modding & Development

Learned Lua and some basic C++ through game modding (Pro Evolution Soccer)

2022

BSc in Information Systems and Software Engineering – University of Saida

Graduated with honors, focusing on information systems and software development

2024

MSc in Computer Modeling of Knowledge & Reasoning – University of Saida

Researching AI models for knowledge representation and reasoning systems

2024

National Hackathon Wins

Second place with AgriChat and Plant Disease Detection projects

2024

Selected for Huawei Seeds for the Future Program

Recognized for innovation ,technical and academic excellence

2024

Started PhD in Artificial Intelligence

Research focus on bridging symbolic AI and deep learning

2025

AI Agent Planner & CV Builder Development

Working on advanced AI tools for business and career planning

Future Endeavors: International Research Collaborations & AI Startups

Services

Specialized AI and development services to bring your projects to life

AI Agent Development

Custom AI agents built with LangChain, RAG, and MoE approaches for specialized tasks and domain-specific applications.

LangChain
RAG
Prompt Engineering
Function Calling
Deep Learning Solutions

End-to-end deep learning systems from data preparation to model deployment, optimized for performance and accuracy.

TensorFlow
PyTorch
CNN
Model Optimization
Computer Vision Systems

Advanced computer vision applications including object detection, image classification, and real-time video analysis.

OpenCV
Image Processing
Object Detection
Classification
NLP & Chatbot Development

Intelligent conversational agents and natural language processing systems for specialized domains and use cases.

Transformers
BERT
GPT Integration
Custom Training
Full-Stack AI Applications

Complete web and mobile applications with integrated AI capabilities, from frontend interfaces to backend systems.

React
Python
API Development
Cloud Deployment
AI Research Consulting

Expert guidance on AI research directions, methodology, and implementation for academic and industry projects.

Literature Review
Methodology Design
Technical Writing
Proof of Concept

Contact & Collaboration

Let's connect and explore opportunities to work together

Get In Touch

Email

a.e.k426rahmani@gmail.com

Phone

+213 668 704 202

Location

Saida, Algeria

Connect With Me

Send Me a Message