All Projects

All Tech Stacks
COOP
Mobileye
Mobileye

COOP

Implements a full OOP system in C including classes, inheritance, iterators, pure_virtual macro, MISRA-based static analysis, and optimized data structures (List, Queue, Binary Tree). Includes performance benchmarks vs GObject, OOC and pure-C, image-processing add-ons, robust iterator model, ref-count mechanism, and configurable memory management.

C
MISRA
Cppcheck
+4 more
Cohort: Embedded Systems Bootcamp 2025
Explore πŸ”Ž
llama.cpp
Mobileye
Mobileye

llama.cpp

Enhancements to llama.cpp including adding missing operator kernels to SYCL/CUDA backends (ROLL, SSM_CONV, SET, CONV3D), profiling improvements, GGUF conversion changes, and enabling multimodal Eagle2-VL support. Work focuses on optimized token processing and backend-level operator coverage to improve inference throughput.

C++
CUDA
SYCL
+2 more
Cohort: Embedded Systems Bootcamp 2025
Explore πŸ”Ž
Breaking the Sorting Barrier for Directed SSSP
Next Silicon
Next Silicon

Breaking the Sorting Barrier for Directed SSSP

A breakthrough algorithm that improves upon traditional approaches for computing single-source shortest paths (SSSP) in directed graphs. Eliminates the need for sorting operations, significantly reducing computational complexity. Includes theoretical analysis, implementation optimizations, and performance benchmarks demonstrating superior scalability.

C++
Graph Algorithms
Data Structures
+2 more
Cohort: Embedded Systems Bootcamp 2025
Explore πŸ”Ž
Router Verification (UVM)
Qualcomm
Qualcomm

Router Verification (UVM)

A full Universal Verification Methodology (UVM) testbench for verifying a hardware packet router. Includes YAPP, HBUS, and Channel UVCs; drivers, monitors, agents, virtual sequencers; reference model; scoreboard; RAL (Register Abstraction Layer); configuration database; objection handling; multiple directed and random sequences; multi-channel coordination; coverage plan; and register tests. Environment tests routing correctness, illegal packet handling, parity errors, invalid addresses, oversized packets, multi-channel concurrency, register access, and system-level integration.

SystemVerilog
UVM
RTL Verification
+5 more
Cohort: Verification Bootcamp 2025
Explore πŸ”Ž
QuinnTests
Quinn

QuinnTests

An advanced testing framework designed to ensure software quality and reliability. Provides automated test execution, coverage analysis, and continuous integration support. Includes unit testing, integration testing, and performance benchmarking capabilities with detailed reporting and analytics.

Python
pytest
unittest
+3 more
Cohort: Data Science Bootcamp 2025
Explore πŸ”Ž
AgStream
Next Silicon
Next Silicon

AgStream

A scalable streaming data platform for processing agricultural sensor data in real-time. Enables continuous monitoring of crop conditions, weather patterns, and equipment status. Features include stream processing, time-series analysis, alerting, and integration with IoT devices for precision agriculture.

Python
Apache Kafka
Apache Flink
+3 more
Cohort: Embedded Systems Bootcamp 2025
Explore πŸ”Ž
Faster maximum clique
Next Silicon
Next Silicon

Faster maximum clique

High-performance algorithms for finding maximum cliques in graph structures. Implements advanced pruning techniques, branch-and-bound optimization, and parallel processing to handle large-scale graphs efficiently. Includes both exact and approximation algorithms with performance comparisons and scalability analysis.

C++
Graph Algorithms
Combinatorial Optimization
+2 more
Cohort: Embedded Systems Bootcamp 2025
Explore πŸ”Ž
TeleCruncher
Next Silicon
Next Silicon

TeleCruncher

A high-throughput system for processing and analyzing telemetry data from distributed systems. Handles millions of events per second with real-time aggregation, filtering, and visualization. Features include stream processing, time-windowed analytics, anomaly detection, and customizable dashboards.

Python
Apache Kafka
Apache Spark
+3 more
Cohort: Data Science Bootcamp 2025
Explore πŸ”Ž
AgCloud
Vast Data
Vast Data

AgCloud

A comprehensive cloud platform for managing agricultural operations, data, and analytics. Provides centralized storage, processing, and visualization of farm data including crop monitoring, weather integration, equipment management, and predictive analytics. Features include multi-tenant architecture, real-time dashboards, and API integrations.

React
Node.js
PostgreSQL
+4 more
Cohort: Data Science Bootcamp 2025
Explore πŸ”Ž
Weighted Matching in a Poly-Streaming Model
Next Silicon
Next Silicon

Weighted Matching in a Poly-Streaming Model

Advanced graph algorithms for computing weighted matchings in poly-streaming computational models. Addresses challenges of processing large graphs with limited memory by using streaming techniques. Includes approximation algorithms, theoretical guarantees, and practical implementations for real-world graph problems.

C++
Graph Algorithms
Streaming Algorithms
+2 more
Cohort: Embedded Systems Bootcamp 2025
Explore πŸ”Ž
Accelerating Graph Indexing for ANNS
Next Silicon
Next Silicon

Accelerating Graph Indexing for ANNS

A high-performance indexing system for approximate nearest neighbor search (ANNS) using graph-based data structures. Accelerates similarity search in high-dimensional spaces with improved query performance and reduced memory footprint. Features include incremental indexing, dynamic updates, and support for various distance metrics.

C++
Graph Algorithms
Vector Search
+3 more
Cohort: Embedded Systems Bootcamp 2025
Explore πŸ”Ž
Parallel CPU-GPU Framework for Cost-Bounded DFS
Next Silicon
Next Silicon

Parallel CPU-GPU Framework for Cost-Bounded DFS

A sophisticated parallel computing framework that leverages both CPU and GPU resources for efficient depth-first search (DFS) traversal with cost constraints. Optimizes workload distribution, minimizes data transfer overhead, and provides adaptive load balancing. Suitable for large-scale graph exploration and constraint satisfaction problems.

C++
CUDA
OpenMP
+3 more
Cohort: Embedded Systems Bootcamp 2025
Explore πŸ”Ž
SpeedyCam
Mobileye
Mobileye

SpeedyCam

End-to-end camera pipeline for OV5647 sensor including configuration layer, kernel-driver integration, frame acquisition, real-time image processing (debayering, WB, gamma correction), OpenMP & NEON acceleration, logging/monitoring layer, CI pipeline with ARM cross-compilation and QEMU testing. Achieves performance significantly faster than OpenCV in multiple benchmarks.

C
C++
ARM NEON SIMD
+6 more
Cohort: Embedded Systems Bootcamp 2025
Explore πŸ”Ž
AIExpInfra
Applied Materials
Applied Materials

AIExpInfra

End-to-end explainability evaluation system supporting GradCAM, IG, SmoothGrad, FusionGrad, segmentation-based explainability, metric evaluation (Sensitivity, Completeness, Non-Sensitivity, Sparsity), robustness checks, dual-channel SEM, and integration with Quantus/Captum.

Python
PyTorch
TensorFlow
+6 more
Cohort: Data Science Bootcamp 2025
Explore πŸ”Ž
Hyperconverged KV-Cache Offloading for Cost-Efficient LLM Inference
Pliops
Pliops

Hyperconverged KV-Cache Offloading for Cost-Efficient LLM Inference

Designed and evaluated a hyperconverged KV-cache offloading layer for LLM inference, including KV-cache aware routing, full KV-cache mapping, and resource-aware policies. They benchmarked NVIDIA Dynamo vs LLM-D with and without LMCache, analyzed hit-rate vs performance trade-offs, investigated DRAM usage in the MOONCAKE runtime, and integrated LMCache with KVRocks and a custom Pliops connector. The project included Kubernetes-based deployments, GPU/CPU cache sizing calculations, and robustness improvements such as timeout handling and failure-safe clients.

Python
CUDA
vLLM
+9 more
Cohort: Data Science Bootcamp 2025
Explore πŸ”Ž
SwapKV
Pliops
Pliops

SwapKV

A distributed key-value storage system with intelligent memory management and swapping mechanisms. Designed for handling large datasets that exceed available RAM by efficiently swapping data between memory and disk. Features include consistent hashing, replication, and automatic failover for high availability.

C++
Redis
LevelDB
+3 more
Cohort: Embedded Systems Bootcamp 2025
Explore πŸ”Ž
OpenVINO
Mobileye
Mobileye

OpenVINO

Contributions to OpenVINO PyTorch Frontend: added missing operators (smooth_l1_loss, fake quant ops, quantile, linalg_multi_dot), debugging system design, INT8/FP16 benchmarking (e.g., EfficientNet-V2-XL), and integration across Model Optimizer and Runtime. Includes operator validation, code-path debugging, and cross-framework consistency improvements.

C++
Python
OpenVINO Runtime
+2 more
Cohort: Embedded Systems Bootcamp 2025
Explore πŸ”Ž
NanoVerse
Mobileye
Mobileye

NanoVerse

A real-time infinite-world game where the world stays alive even when players disconnect. Combines GRU-based movement prediction, personalized Gemma-3 chat models with LoRA fine-tuning, DPO preference learning, chunk-based world streaming, YOLO-based perception, daily adaptation loops, and Matryoshka quantization for performance. Includes layered engine: GRU world model + personalized chat + real-time behavior engine.

Python
Node.js/Game engine
GRU
+7 more
Cohort: Data Science Bootcamp 2025
Explore πŸ”Ž
onnx runtime
Mobileye
Mobileye

onnx runtime

Fixes and enhancements across ONNX Runtime CPU Execution Provider: QuantizeLinear kernel mismatch (Issue #25362), MatMulNBits extension for 3D weight support, QDQ graph quantization bug fixes, Reduce op PRE/POST broadcasting corrections, full ONNX/NumPy-compliant broadcasting implementation for LayerNorm/RMSNorm, and multiple PRs resolving issues from 2020–2025. Includes deep tracing through kernel registration, type constraints, and execution graph selection logic.

C++
ONNX Runtime
Quantization (INT8
+5 more
Cohort: Embedded Systems Bootcamp 2025
Explore πŸ”Ž
BSDFlow
Kaltura
Kaltura

BSDFlow

A full-scale microservices-based management platform supporting dynamic entities, groups, processes, and events. Includes multi-tenant table architecture, generic Kafka handlers with correlation-based async RPC, Redis caching for performance, real-time updates via WebSocket & SignalR, integration with LLMs, Excel watchers, advanced validation using Strategy Pattern, RBAC permissions, GIS mapping, smart search with PostgreSQL FTS+GIN+Trigrams, and a complete load-testing engine. Enables organizations to define custom workflows, attach documents, track participants, and manage system-wide behaviors across distributed services.

React
NestJS
.NET Core
+7 more
Cohort: Backend Bootcamp 2025
Explore πŸ”Ž
AgDetection
Applied Materials
Applied Materials

AgDetection

A system that standardizes model evaluation for classification, detection, and segmentation tasks. Includes ONNX-first architecture, dataset adapters, incremental evaluation engine, batch-size optimization, distributed caching, GUI comparison tools, and multi-framework support.

Python
PyTorch
ONNXRuntime
+5 more
Cohort: Data Science Bootcamp 2025
Explore πŸ”Ž
SemTTI
Applied Materials
Applied Materials

SemTTI

Three generative pipelines: (1) Segmentation→SEM using Pix2Pix and CycleGAN; (2) Sketch→SEM via Pix2Pix; (3) Text→SEM exploration using tagging models and textual inversion. Includes dataset building with Meta SAM-2, GAN training (CycleGAN up to 300 epochs, Pix2Pix 150 epochs), FID/KID/LPIPS/PSNR/SSIM evaluation, classifier-based realism testing, and failure-case analysis (artifacts, domain mismatch).

Python
PyTorch
Pix2Pix
+5 more
Cohort: Data Science Bootcamp 2025
Explore πŸ”Ž
SemNR
Applied Materials
Applied Materials

SemNR

A full SEM denoising workflow integrating classical filters (BM3D, Gaussian, Bilateral, NLM) with deep-learning U-Net models for Noise→Clean training. Includes custom datasets (Tin-balls real pairs, synthetic wafer images), noise simulation pipeline, multi-client FastAPI backend, PyQt6 GUI, per-stage PSNR/SSIM metrics, MinIO-based dataset consistency, pause/resume pipeline, and concurrent multi-model processing.

Python
PyTorch
U-Net
+6 more
Cohort: Data Science Bootcamp 2025
Explore πŸ”Ž
RAG Anything
Mobileye
Mobileye

RAG Anything

A retrieval-augmented generation platform combining keyword search, OpenSearch indexes, embedding search, rerankers, confidence-aware pipelines, Wikipedia-scale preprocessing, LLM selection experiments, student/teacher distillation, and multi-stage QA flows. Includes Basic RAG, Query-Expanded RAG, Multi-Stage RAG + Reranker, and Multi-Stage RAG + Confidence. System optimized for precision/recall and scalable document ingestion.

Python
OpenSearch
Rerankers
+4 more
Cohort: Data Science Bootcamp 2025
Explore πŸ”Ž
Vast Data
Vast Data

Fruit

Fruit sub-project of AgCloud. A comprehensive cloud platform for managing agricultural operations, data, and analytics. Provides centralized storage, processing, and visualization of farm data including crop monitoring, weather integration, equipment management, and predictive analytics. Features include multi-tenant architecture, real-time dashboards, and API integrations.

React
Node.js
PostgreSQL
+4 more
Cohort: Data Science Bootcamp 2025
Explore πŸ”Ž
Vast Data
Vast Data

Air

Air sub-project of AgCloud. A comprehensive cloud platform for managing agricultural operations, data, and analytics. Provides centralized storage, processing, and visualization of farm data including crop monitoring, weather integration, equipment management, and predictive analytics. Features include multi-tenant architecture, real-time dashboards, and API integrations.

React
Node.js
PostgreSQL
+4 more
Cohort: Data Science Bootcamp 2025
Explore πŸ”Ž
Vast Data
Vast Data

Ground

Ground sub-project of AgCloud. A comprehensive cloud platform for managing agricultural operations, data, and analytics. Provides centralized storage, processing, and visualization of farm data including crop monitoring, weather integration, equipment management, and predictive analytics. Features include multi-tenant architecture, real-time dashboards, and API integrations.

React
Node.js
PostgreSQL
+4 more
Cohort: Data Science Bootcamp 2025
Explore πŸ”Ž
Vast Data
Vast Data

Security

Security sub-project of AgCloud. A comprehensive cloud platform for managing agricultural operations, data, and analytics. Provides centralized storage, processing, and visualization of farm data including crop monitoring, weather integration, equipment management, and predictive analytics. Features include multi-tenant architecture, real-time dashboards, and API integrations.

React
Node.js
PostgreSQL
+4 more
Cohort: Data Science Bootcamp 2025
Explore πŸ”Ž
Vast Data
Vast Data

Sound

Sound sub-project of AgCloud. A comprehensive cloud platform for managing agricultural operations, data, and analytics. Provides centralized storage, processing, and visualization of farm data including crop monitoring, weather integration, equipment management, and predictive analytics. Features include multi-tenant architecture, real-time dashboards, and API integrations.

React
Node.js
PostgreSQL
+4 more
Cohort: Data Science Bootcamp 2025
Explore πŸ”Ž
Kaltura
Kaltura

Infrastructure

Infrastructure sub-project of BSDFlow. A full-scale microservices-based management platform supporting dynamic entities, groups, processes, and events. Includes multi-tenant table architecture, generic Kafka handlers with correlation-based async RPC, Redis caching for performance, real-time updates via WebSocket & SignalR, integration with LLMs, Excel watchers, advanced validation using Strategy Pattern, RBAC permissions, GIS mapping, smart search with PostgreSQL FTS+GIN+Trigrams, and a complete load-testing engine. Enables organizations to define custom workflows, attach documents, track participants, and manage system-wide behaviors across distributed services.

React
NestJS
.NET Core
+7 more
Cohort: Backend Bootcamp 2025
Explore πŸ”Ž
Vast Data
Vast Data

Sensors

Sensors sub-project of AgCloud. A comprehensive cloud platform for managing agricultural operations, data, and analytics. Provides centralized storage, processing, and visualization of farm data including crop monitoring, weather integration, equipment management, and predictive analytics. Features include multi-tenant architecture, real-time dashboards, and API integrations.

React
Node.js
PostgreSQL
+4 more
Cohort: Data Science Bootcamp 2025
Explore πŸ”Ž
Kaltura
Kaltura

Workflow

Workflow sub-project of BSDFlow. A full-scale microservices-based management platform supporting dynamic entities, groups, processes, and events. Includes multi-tenant table architecture, generic Kafka handlers with correlation-based async RPC, Redis caching for performance, real-time updates via WebSocket & SignalR, integration with LLMs, Excel watchers, advanced validation using Strategy Pattern, RBAC permissions, GIS mapping, smart search with PostgreSQL FTS+GIN+Trigrams, and a complete load-testing engine. Enables organizations to define custom workflows, attach documents, track participants, and manage system-wide behaviors across distributed services.

React
NestJS
.NET Core
+7 more
Cohort: Backend Bootcamp 2025
Explore πŸ”Ž
Kaltura
Kaltura

Query

Query sub-project of BSDFlow. A full-scale microservices-based management platform supporting dynamic entities, groups, processes, and events. Includes multi-tenant table architecture, generic Kafka handlers with correlation-based async RPC, Redis caching for performance, real-time updates via WebSocket & SignalR, integration with LLMs, Excel watchers, advanced validation using Strategy Pattern, RBAC permissions, GIS mapping, smart search with PostgreSQL FTS+GIN+Trigrams, and a complete load-testing engine. Enables organizations to define custom workflows, attach documents, track participants, and manage system-wide behaviors across distributed services.

React
NestJS
.NET Core
+7 more
Cohort: Backend Bootcamp 2025
Explore πŸ”Ž
Kaltura
Kaltura

Events

Events sub-project of BSDFlow. A full-scale microservices-based management platform supporting dynamic entities, groups, processes, and events. Includes multi-tenant table architecture, generic Kafka handlers with correlation-based async RPC, Redis caching for performance, real-time updates via WebSocket & SignalR, integration with LLMs, Excel watchers, advanced validation using Strategy Pattern, RBAC permissions, GIS mapping, smart search with PostgreSQL FTS+GIN+Trigrams, and a complete load-testing engine. Enables organizations to define custom workflows, attach documents, track participants, and manage system-wide behaviors across distributed services.

React
NestJS
.NET Core
+7 more
Cohort: Backend Bootcamp 2025
Explore πŸ”Ž
Kaltura
Kaltura

Documents

Documents sub-project of BSDFlow. A full-scale microservices-based management platform supporting dynamic entities, groups, processes, and events. Includes multi-tenant table architecture, generic Kafka handlers with correlation-based async RPC, Redis caching for performance, real-time updates via WebSocket & SignalR, integration with LLMs, Excel watchers, advanced validation using Strategy Pattern, RBAC permissions, GIS mapping, smart search with PostgreSQL FTS+GIN+Trigrams, and a complete load-testing engine. Enables organizations to define custom workflows, attach documents, track participants, and manage system-wide behaviors across distributed services.

React
NestJS
.NET Core
+7 more
Cohort: Backend Bootcamp 2025
Explore πŸ”Ž
Kaltura
Kaltura

Entities

Entities sub-project of BSDFlow. A full-scale microservices-based management platform supporting dynamic entities, groups, processes, and events. Includes multi-tenant table architecture, generic Kafka handlers with correlation-based async RPC, Redis caching for performance, real-time updates via WebSocket & SignalR, integration with LLMs, Excel watchers, advanced validation using Strategy Pattern, RBAC permissions, GIS mapping, smart search with PostgreSQL FTS+GIN+Trigrams, and a complete load-testing engine. Enables organizations to define custom workflows, attach documents, track participants, and manage system-wide behaviors across distributed services.

React
NestJS
.NET Core
+7 more
Cohort: Backend Bootcamp 2025
Explore πŸ”Ž
NextOptAI
Next Silicon
Next Silicon

NextOptAI

An advanced AI system for optimizing computational workflows and resource allocation. Uses machine learning to predict optimal configurations, reduce latency, and improve efficiency. Features include predictive analytics, automated tuning, and adaptive learning for continuous improvement.

Python
TensorFlow
PyTorch
+4 more
Cohort: Embedded Systems Bootcamp 2025
Explore πŸ”Ž