
Simplify deep learning development with a powerful DSL, cross-framework support, and built-in debugging
β οΈ BETA STATUS: Neural-dsl v0.2.9 is under active developmentβbugs may exist, feedback welcome! Not yet recommended for production use.
- Overview
- Pain Points Solved
- Key Features
- Installation
- Quick Start
- Debugging with NeuralDbg
- Cloud Integration
- Why Neural?
- Documentation
- Examples
- Contributing
- Community
- Support
Neural is a domain-specific language (DSL) designed for defining, training, debugging, and deploying neural networks. With declarative syntax, cross-framework support, and built-in execution tracing (NeuralDbg), it simplifies deep learning development whether via code, CLI, or a no-code interface.
Neural addresses deep learning challenges across Criticality (how essential) and Impact Scope (how transformative):
Criticality / Impact | Low Impact | Medium Impact | High Impact |
---|---|---|---|
High | - Shape Mismatches: Pre-runtime validation stops runtime errors. - Debugging Complexity: Real-time tracing & anomaly detection. |
||
Medium | - Steep Learning Curve: No-code GUI eases onboarding. | - Framework Switching: One-flag backend swaps. - HPO Inconsistency: Unified tuning across frameworks. |
|
Low | - Boilerplate: Clean DSL syntax saves time. | - Model Insight: FLOPs & diagrams. - Config Fragmentation: Centralized setup. |
- Core Value: Fix critical blockers like shape errors and debugging woes with game-changing tools.
- Strategic Edge: Streamline framework switches and HPO for big wins.
- User-Friendly: Lower barriers and enhance workflows with practical features.
Help us improve Neural DSL! Share your feedback: Typeform link.
- YAML-like Syntax: Define models intuitively without framework boilerplate.
- Shape Propagation: Catch dimension mismatches before runtime.
- β Interactive shape flow diagrams included.
- Multi-Framework HPO: Optimize hyperparameters for both PyTorch and TensorFlow with a single DSL config (#434).
- Enhanced HPO Support: Added HPO tracking for Conv2D kernel_size and improved ExponentialDecay parameter handling (v0.2.7).
- Automated Issue Management: Improved GitHub workflows for automatically creating and closing issues based on test results (v0.2.8).
- Aquarium IDE: Specialized IDE for neural network development with visual design and real-time shape propagation (v0.2.9).
- Enhanced Dashboard UI: Improved NeuralDbg dashboard with a more aesthetic dark theme design (#452).
- Blog Support: Infrastructure for blog content with markdown support and Dev.to integration (#445).
- NeuralPaper.ai: Interactive model visualization platform with annotation capabilities (in development).
- Multi-Backend Export: Generate code for TensorFlow, PyTorch, or ONNX.
- Training Orchestration: Configure optimizers, schedulers, and metrics in one place.
- Visual Debugging: Render interactive 3D architecture diagrams.
- Extensible: Add custom layers/losses via Python plugins.
- NeuralDbg: Built-in Neural Network Debugger and Visualizer.
- No-Code Interface: Quick Prototyping for researchers and an educational, accessible tool for beginners.
NeuralDbg provides real-time execution tracing, profiling, and debugging, allowing you to visualize and analyze deep learning models in action. Now with an enhanced dark theme UI for better visualization (#452).
β
Real-Time Execution Monitoring β Track activations, gradients, memory usage, and FLOPs.
β Shape Propagation Debugging β Visualize tensor transformations at each layer. β Gradient Flow Analysis β Detect vanishing & exploding gradients. β Dead Neuron Detection β Identify inactive neurons in deep networks. β Anomaly Detection β Spot NaNs, extreme activations, and weight explosions. β Step Debugging Mode β Pause execution and inspect tensors manually.
Prerequisites: Python 3.8+, pip
# Install the latest stable version
pip install neural-dsl
# Or specify a version
pip install neural-dsl==0.2.9 # Latest version with Aquarium IDE integration
# Clone the repository
git clone https://github.com/Lemniscate-world/Neural.git
cd Neural
# Create a virtual environment (recommended)
python -m venv venv
source venv/bin/activate # Linux/macOS
venv\Scripts\activate # Windows
# Install dependencies
pip install -r requirements.txt
Create a file named mnist.neural
with your model definition:
network MNISTClassifier {
input: (28, 28, 1) # Channels-last format
layers:
Conv2D(filters=32, kernel_size=(3,3), activation="relu")
MaxPooling2D(pool_size=(2,2))
Flatten()
Dense(units=128, activation="relu")
Dropout(rate=0.5)
Output(units=10, activation="softmax")
loss: "sparse_categorical_crossentropy"
optimizer: Adam(learning_rate=0.001)
metrics: ["accuracy"]
train {
epochs: 15
batch_size: 64
validation_split: 0.2
}
}
# Generate and run TensorFlow code
neural run mnist.neural --backend tensorflow --output mnist_tf.py
# Or generate and run PyTorch code
neural run mnist.neural --backend pytorch --output mnist_torch.py
neural visualize mnist.neural --format png
This will create visualization files for inspecting the network structure and shape propagation:
architecture.png
: Visual representation of your modelshape_propagation.html
: Interactive tensor shape flow diagramtensor_flow.html
: Detailed tensor transformations
neural debug mnist.neural
Open your browser to http://localhost:8050 to monitor execution traces, gradients, and anomalies interactively.
neural --no_code
Open your browser to http://localhost:8051 to build and compile models via a graphical interface.
neural debug mnist.neural
Features: β Layer-wise execution trace β Memory & FLOP profiling β Live performance monitoring
neural debug --gradients mnist.neural
Detect vanishing/exploding gradients with interactive charts.
neural debug --dead-neurons mnist.neural
π Find layers with inactive neurons (common in ReLU networks).
neural debug --anomalies mnist.neural
Flag NaNs, weight explosions, and extreme activations.
neural debug --step mnist.neural
π Pause execution at any layer and inspect tensors manually.
Neural now supports running in cloud environments like Kaggle, Google Colab, and AWS SageMaker, with both direct execution in the cloud and remote control from your local terminal.
In your Kaggle notebook or Google Colab:
# Install Neural DSL
!pip install neural-dsl==0.2.9
# Import the cloud module
from neural.cloud.cloud_execution import CloudExecutor
# Initialize the cloud executor
executor = CloudExecutor()
print(f"Detected environment: {executor.environment}")
print(f"GPU available: {executor.is_gpu_available}")
# Define a model
dsl_code = """
network MnistCNN {
input: (28, 28, 1)
layers:
Conv2D(32, (3, 3), "relu")
MaxPooling2D((2, 2))
Flatten()
Dense(128, "relu")
Dense(10, "softmax")
loss: "categorical_crossentropy"
optimizer: Adam(learning_rate=0.001)
}
"""
# Compile and run the model
model_path = executor.compile_model(dsl_code, backend='tensorflow')
results = executor.run_model(model_path, dataset='MNIST')
# Start the NeuralDbg dashboard with ngrok tunnel
dashboard_info = executor.start_debug_dashboard(dsl_code, setup_tunnel=True)
print(f"Dashboard URL: {dashboard_info['tunnel_url']}")
# In your SageMaker notebook
from neural.cloud.cloud_execution import CloudExecutor
# Initialize the cloud executor
executor = CloudExecutor() # Automatically detects SageMaker environment
# Define and run your model as above
Control cloud environments directly from your local terminal:
# Connect to a cloud platform
neural cloud connect kaggle
# Start an interactive shell connected to Kaggle
neural cloud connect kaggle --interactive
# Execute a Neural DSL file on Kaggle
neural cloud execute kaggle my_model.neural
# Run Neural in cloud mode with remote access
neural cloud run --setup-tunnel
Ready-to-use notebooks are available for:
Feature | Neural | Raw TensorFlow/PyTorch |
---|---|---|
Shape Validation | β Auto | β Manual |
Framework Switching | 1-line flag | Days of rewriting |
Architecture Diagrams | Built-in | Third-party tools |
Training Config | Unified | Fragmented configs |
Neural DSL | TensorFlow Output | PyTorch Output |
---|---|---|
Conv2D(filters=32) |
tf.keras.layers.Conv2D(32) |
nn.Conv2d(in_channels, 32) |
Dense(units=128) |
tf.keras.layers.Dense(128) |
nn.Linear(in_features, 128) |
Task | Neural | Baseline (TF/PyTorch) |
---|---|---|
MNIST Training | 1.2x β‘ | 1.0x |
Debugging Setup | 5min π | 2hr+ |
Explore advanced features:
- Custom Layers Guide (Coming soon)
- ONNX Export Tutorial (Coming soon)
- Training Configuration (Coming soon)
- NeuralDbg Debugging Features (Coming soon)
- HPO Configuration Guide (Coming soon)
Explore common use cases in examples/
with step-by-step guides in docs/examples/
:
Note: You may need to zoom in to see details in these architecture diagrams.
NeuralPaper.ai is an interactive platform for visualizing, annotating, and sharing neural network models. It provides a web-based interface for exploring model architectures, understanding tensor flows, and collaborating on model development.
- Interactive Model Visualization: Explore model architectures with interactive diagrams
- Code Annotation: Add explanations and insights to specific parts of your model code
- Collaborative Sharing: Share annotated models with colleagues and the community
- Integration with Neural DSL: Seamless workflow from model definition to visualization
# Start the NeuralPaper.ai backend
cd neuralpaper
./start.sh
Then open your browser to http://localhost:3000 to access the NeuralPaper.ai interface.
The Neural repository is organized into the following main directories:
docs/
: Documentation filesexamples/
: Example Neural DSL filesneural/
: Main source codeneural/cli/
: Command-line interfaceneural/parser/
: Neural DSL parserneural/shape_propagation/
: Shape propagation and validationneural/code_generation/
: Code generation for different backendsneural/visualization/
: Visualization toolsneural/dashboard/
: NeuralDbg dashboardneural/hpo/
: Hyperparameter optimizationneural/cloud/
: Cloud integration (Kaggle, Colab, SageMaker)
neuralpaper/
: NeuralPaper.ai implementationAquarium/
: Specialized IDE for neural network developmentprofiler/
: Performance profiling toolstests/
: Test suite
For a detailed explanation of the repository structure, see REPOSITORY_STRUCTURE.md.
Each directory contains its own README with detailed documentation:
- neural/cli: Command-line interface
- neural/parser: Neural DSL parser
- neural/code_generation: Code generation
- neural/shape_propagation: Shape propagation
- neural/visualization: Visualization tools
- neural/dashboard: NeuralDbg dashboard
- neural/hpo: Hyperparameter optimization
- neural/cloud: Cloud integration
- neuralpaper: NeuralPaper.ai implementation
- Aquarium: Specialized IDE for neural network development
- profiler: Performance profiling tools
- docs: Documentation
- examples: Example models
- tests: Test suite
We welcome contributions! See our:
To set up a development environment:
git clone https://github.com/Lemniscate-world/Neural.git
cd Neural
pip install -r requirements-dev.txt # Includes linter, formatter, etc.
pre-commit install # Auto-format code on commit
If you find Neural useful, please consider supporting the project:
- β Star the repository: Help us reach more developers by starring the project on GitHub
- π Share with others: Spread the word on social media, blogs, or developer communities
- π Report issues: Help us improve by reporting bugs or suggesting features
- π€ Contribute: Submit pull requests to help us enhance Neural (see Contributing)
This repository has been cleaned and optimized for better performance. Large files have been removed from the Git history to ensure a smoother experience when cloning or working with the codebase.
Join our growing community of developers and researchers:
- Discord Server: Chat with developers, get help, and share your projects
- Twitter @NLang4438: Follow for updates, announcements, and community highlights
- GitHub Discussions: Participate in discussions about features, use cases, and best practices