Tether Pro DARVO Regressor v2
Model Description
This model detects DARVO (Deny, Attack, Reverse Victim & Offender) manipulation tactics in text communication. DARVO is a psychological manipulation strategy where an abuser:
- Denies the abuse ever happened
- Attacks the victim for bringing it up
- Reverses the roles to claim they are the victim
Key Features
π― Role-Aware Detection: Distinguishes between genuine accountability and manipulation tactics π¬ Research-Grade Accuracy: 84% accuracy with 0.88 AUC β‘ Real-Time Analysis: Optimized for fast inference π‘οΈ Professional Use: Designed for therapists, legal professionals, and safety applications
Performance Metrics
Metric | Score |
---|---|
RΒ² | 0.665 |
MAE | 0.171 |
MSE | 0.043 |
Accuracy | 84.2% |
AUC | 88.1% |
Usage
from transformers import AutoTokenizer, AutoModelForSequenceClassification
import torch
# Load model and tokenizer
tokenizer = AutoTokenizer.from_pretrained("SamanthaStorm/tether-darvo-regressor-v1")
model = AutoModelForSequenceClassification.from_pretrained("SamanthaStorm/tether-darvo-regressor-v1")
# Example usage
text = "You're the one being abusive to me right now"
# Tokenize and predict
inputs = tokenizer(text, return_tensors="pt", truncation=True, padding=True)
with torch.no_grad():
outputs = model(**inputs)
darvo_score = outputs.logits.item()
print(f"DARVO Score: {darvo_score:.3f}") # Higher scores = more DARVO tactics
Score Interpretation
- 0.0 - 0.3: Genuine accountability, healthy communication
- 0.3 - 0.6: Some defensive patterns, mild deflection
- 0.6 - 0.8: Moderate DARVO tactics, concerning patterns
- 0.8 - 1.0: Strong DARVO tactics, victim reversal
Example Predictions
Text | DARVO Score | Interpretation |
---|---|---|
"You're the one being abusive to me right now" | 0.870 | High DARVO - victim reversal |
"I don't remember saying that" | 0.224 | Low DARVO - simple denial |
"I take full responsibility for my actions" | 0.205 | Very low DARVO - accountability |
Training Data
Trained on 285 carefully curated examples including:
- High DARVO: Explicit victim reversal tactics
- Medium DARVO: Deflection and minimization patterns
- Low DARVO: Genuine accountability and healthy communication
- Contrast Examples: Non-apologies vs real apologies
Applications
π₯ Clinical Therapy
- Help therapists identify manipulation patterns in client relationships
- Assist in couples counseling to recognize unhealthy dynamics
- Support trauma therapy by validating victim experiences
βοΈ Legal Documentation
- Analyze communication patterns in domestic violence cases
- Provide objective evidence of psychological manipulation
- Support legal professionals in building abuse cases
π’ Workplace Safety
- Identify harassment patterns in workplace communications
- Support HR investigations with objective analysis
- Create safer work environments through pattern recognition
Ethical Considerations
β οΈ Important: This model is designed to assist professionals and should not be used as the sole basis for serious decisions about relationships or safety.
- Professional Use: Best used by trained therapists, counselors, and legal professionals
- Context Matters: Consider cultural, situational, and individual factors
- Not Diagnostic: Does not diagnose psychological conditions
- Privacy: Ensure consent when analyzing personal communications
Technical Details
- Base Model: DistilBERT (distilbert-base-uncased)
- Architecture: Custom regression head with 4-layer neural network
- Training: 8 epochs with cosine learning rate scheduling
- Optimization: Mixed precision training (FP16)
- Max Length: 256 tokens for efficiency
Model Architecture
DistilBERT Base
β
Linear(768 β 768) + GELU + Dropout
β
Linear(768 β 384) + GELU + Dropout
β
Linear(384 β 192) + GELU + Dropout
β
Linear(192 β 1) + Sigmoid
β
DARVO Score (0.0 - 1.0)
Version History
v2 (Current)
- β Enhanced training dataset (285 examples)
- β Improved architecture with deeper regression head
- β Better score calibration for accountability detection
- β Added contrast examples (fake vs real apologies)
- β 84% accuracy (up from 40%)
v1 (Previous)
- Basic DARVO detection capability
- Limited training data
- Lower accuracy performance
Citation
If you use this model in research or professional practice, please cite:
@misc{tether-darvo-regressor-v1,
title={Tether Pro DARVO Regressor: Role-Aware Detection of Manipulation Tactics},
author={SamanthaStorm},
year={2024},
howpublished={\url{https://huggingface.co/SamanthaStorm/tether-darvo-regressor-v1}},
}
Contact & Support
For questions about integration, licensing, or professional applications:
- π§ Enterprise: [email protected]
- π Documentation: docs.tether.ai
- π Consultation: calendly.com/tether-pro
Related Models
Part of the Tether Pro AI Suite:
- π‘οΈ Boundary Health Detector:
SamanthaStorm/healthy-boundary-predictor
- π― Abuse Pattern Detector:
SamanthaStorm/tether-multilabel-v6
- π Sentiment Analyzer:
SamanthaStorm/tether-sentiment-v3
- π§© Fallacy Detector:
SamanthaStorm/fallacy-detector
(coming soon) - π― Intent Classifier:
SamanthaStorm/intent-detector
(coming soon)
Built with β€οΈ for safer communication analysis
- Downloads last month
- 209
Space using SamanthaStorm/tether-darvo-regressor-v1 1
Evaluation results
- mseself-reported0.043
- maeself-reported0.171
- accuracyself-reported0.842
- aucself-reported0.881