π§ A transparent, debuggable deep learning framework
PyTorch-compatible implementation with full visibility into internals
# What's actually happening here? π€·ββοΈ
loss.backward() # Magic?
optimizer.step() # More magic?You're not alone. Most ML students and engineers use deep learning frameworks without understanding the internals. That's where TensorWeaver comes in.
TensorWeaver is a transparent deep learning framework that reveals exactly how PyTorch works under the hood. Built from scratch in pure Python, it provides complete visibility into automatic differentiation, neural networks, and optimization algorithms.
Think of it as "PyTorch with full transparency" π§
- ML Engineers debugging complex gradient issues and understanding framework internals
- Researchers who need full control over their implementations
- Software Engineers building custom deep learning solutions
- Technical Teams who need to understand and modify framework behavior
- Developers who refuse to accept "black box" solutions
π‘ Pro Tip: Use
import tensorweaver as torchfor seamless PyTorch compatibility!
pip install tensorweaverimport tensorweaver as torch # PyTorch-compatible API!
# 1. Prepare Data (y = 2x)
x = torch.tensor([[1.0], [2.0], [3.0], [4.0]])
y = torch.tensor([[2.0], [4.0], [6.0], [8.0]])
# 2. Define Model
model = torch.nn.Linear(1, 1)
# 3. Train
optimizer = torch.optim.SGD(model.parameters(), lr=0.01)
criterion = torch.nn.MSELoss()
print("Training...")
for epoch in range(100):
# Forward
y_pred = model(x)
loss = criterion(y_pred, y)
# Backward
optimizer.zero_grad()
loss.backward()
optimizer.step()
if epoch % 20 == 0:
print(f"Epoch {epoch}: Loss = {loss.item():.4f}")
# 4. Result
# The difference? You can see EXACTLY what happens inside! π
print(f"\nPrediction for x=5.0: {model(torch.tensor([[5.0]])).item():.4f} (Expected: 10.0)")π Try it live in your browser β
|
|
| π Production Frameworks | π¬ TensorWeaver |
|---|---|
| β Complex C++ codebase | β Pure Python - fully debuggable |
| β Optimized for speed only | β Optimized for understanding and modification |
| β "Trust us, it works" | β "Here's exactly how it works" |
| β Black box internals | β Complete transparency and control |
- π Transparent Implementation: Every operation is visible, debuggable, and modifiable
- π Pure Python: No hidden C++ complexity - full control over the codebase
- π― PyTorch-Compatible API: Drop-in replacement with complete visibility
- π οΈ Engineering Excellence: Clean architecture designed for understanding and extension
- π§ͺ Complete Functionality: Autodiff, neural networks, optimizers, ONNX export
- π Production Ready: Export trained models to ONNX for deployment
- Tensor Operations - Fundamental tensor mechanics and operations
- Linear Models - Basic neural network implementation
- Automatic Differentiation - Gradient computation engine (coming soon)
- Deep Networks - Multi-layer perceptron and complex architectures
- Optimization Algorithms - Advanced training techniques (coming soon)
- Model Deployment - ONNX export for production systems
- Custom Operators - Framework extension capabilities (coming soon)
- Performance Engineering - Optimization techniques (coming soon)
- Hardware Acceleration - GPU computation support (in development)
π Note: Some documentation links are still in development. Check our milestones for working examples!
# Option 1: Install from PyPI (recommended)
pip install tensorweaver
# Option 2: Install from source (for contributors)
git clone https://github.com/howl-anderson/tensorweaver.git
cd tensorweaver
uv sync --group dev- π Browse Examples - Working implementations and demos
- π Try Online - Browser-based environment
- π¬ Community Forum - Technical discussions and support
- π Documentation - Complete API reference (expanding)
TensorWeaver thrives on community contributions! Whether you're:
- π Reporting bugs
- π‘ Suggesting features
- π Improving documentation
- π§ͺ Adding examples
- π§ Writing code
We welcome you! Please open an issue or submit a pull request - contribution guidelines coming soon!
- π Documentation - Framework overview
- π¬ Discussions - Community Q&A
- π Issues - Bug reports and feature requests
- π§ Follow Updates - Star/watch for latest changes
If TensorWeaver helped you debug, understand, or build better models, please consider starring the repository! It helps other engineers discover this transparent framework.
TensorWeaver is MIT licensed. See LICENSE for details.
- Inspired by transparent implementations: Micrograd, TinyFlow, and DeZero
- Thanks to the PyTorch team for the elegant API design
- Grateful to all contributors and the open-source community
Ready for complete transparency in deep learning?
π Explore TensorWeaver at tensorweaver.ai
